├── requirements.txt
├── data
├── label.txt
├── SemEval2010_task8
│ └── label.txt
├── test.tsv
└── train.tsv
├── .idea
├── misc.xml
├── modules.xml
├── relation-cls.iml
└── workspace.xml
├── README.md
├── official_eval.py
├── utils.py
├── model.py
├── main.py
├── data_loader.py
├── trainer.py
└── eval
├── semeval2010_task8_scorer-v1.2.pl
└── answer_keys.txt
/requirements.txt:
--------------------------------------------------------------------------------
1 | torch>=1.4.0
2 | transformers==2.11.0
3 |
--------------------------------------------------------------------------------
/data/label.txt:
--------------------------------------------------------------------------------
1 | Other
2 | Whole-Component(e1,e2)
3 | Connection(e1,e2)
4 |
5 |
--------------------------------------------------------------------------------
/.idea/misc.xml:
--------------------------------------------------------------------------------
1 |
2 |
3 |
4 |
--------------------------------------------------------------------------------
/.idea/modules.xml:
--------------------------------------------------------------------------------
1 |
2 |
3 |
4 |
5 |
6 |
7 |
8 |
--------------------------------------------------------------------------------
/README.md:
--------------------------------------------------------------------------------
1 | ## Version
2 | python3
3 | pytorch>=1.4
4 | ## Installation
5 | pip install transformers
6 | ## How to train the model
7 | python main.py --do_train --eval
8 | #我们可以使用official_eval.py对SemEval-2010-task-8数据集进行测试
9 | ## to do
10 | add the prediction
11 | ## References
12 | * [Huggingface Transformers](https://github.com/huggingface/transformers)
13 | * [https://github.com/monologg/R-BERT](https://github.com/monologg/R-BERT)
14 |
--------------------------------------------------------------------------------
/data/SemEval2010_task8/label.txt:
--------------------------------------------------------------------------------
1 | Other
2 | Cause-Effect(e1,e2)
3 | Cause-Effect(e2,e1)
4 | Instrument-Agency(e1,e2)
5 | Instrument-Agency(e2,e1)
6 | Product-Producer(e1,e2)
7 | Product-Producer(e2,e1)
8 | Content-Container(e1,e2)
9 | Content-Container(e2,e1)
10 | Entity-Origin(e1,e2)
11 | Entity-Origin(e2,e1)
12 | Entity-Destination(e1,e2)
13 | Entity-Destination(e2,e1)
14 | Component-Whole(e1,e2)
15 | Component-Whole(e2,e1)
16 | Member-Collection(e1,e2)
17 | Member-Collection(e2,e1)
18 | Message-Topic(e1,e2)
19 | Message-Topic(e2,e1)
--------------------------------------------------------------------------------
/.idea/relation-cls.iml:
--------------------------------------------------------------------------------
1 |
2 |
3 |
4 |
5 |
6 |
7 |
8 |
9 |
10 |
11 |
12 |
--------------------------------------------------------------------------------
/data/test.tsv:
--------------------------------------------------------------------------------
1 | Whole-Component(e1,e2) 本 实 用 新 型 公 开 了 一 种 易 除 垢 的 引 风 机 , 包 括 风 箱 、 转 动 密 封 轴 承 、 转 轴 、 风 叶 、 电 机 、 固 定 筒 、 进 水 管 、 进 水 阀 门 、 底 座 、 引 水 腔 、 排 水 管 、 排 水 阀 门 、 第 一 过 滤 网 、 套 管 、 第 二 过 滤 网 、 除 尘 箱 、 进 风 管 、 清 理 门 、 除 尘 布 袋 和 灰 斗 。
2 | Whole-Component(e1,e2) 本 实 用 新 型 公 开 了 一 种 易 除 垢 的 引 风 机 , 包 括 风 箱 、 转 动 密 封 轴 承 、 转 轴 、 风 叶 、 电 机 、 固 定 筒 、 进 水 管 、 进 水 阀 门 、 底 座 、 引 水 腔 、 排 水 管 、 排 水 阀 门 、 第 一 过 滤 网 、 套 管 、 第 二 过 滤 网 、 除 尘 箱 、 进 风 管 、 清 理 门 、 除 尘 布 袋 和 灰 斗 。
3 | Other 本 实 用 新 型 公 开 了 一 种 易 除 垢 的 引 风 机 , 包 括 风 箱 、 转 动 密 封 轴 承 、 转 轴 、 风 叶 、 电 机 、 固 定 筒 、 进 水 管 、 进 水 阀 门 、 底 座 、 引 水 腔 、 排 水 管 、 排 水 阀 门 、 第 一 过 滤 网 、 套 管 、 第 二 过 滤 网 、 除 尘 箱 、 进 风 管 、 清 理 门 、 除 尘 布 袋 和 灰 斗 。
4 |
--------------------------------------------------------------------------------
/data/train.tsv:
--------------------------------------------------------------------------------
1 | Whole-Component(e1,e2) 本 实 用 新 型 公 开 了 一 种 易 除 垢 的 引 风 机 , 包 括 风 箱 、 转 动 密 封 轴 承 、 转 轴 、 风 叶 、 电 机 、 固 定 筒 、 进 水 管 、 进 水 阀 门 、 底 座 、 引 水 腔 、 排 水 管 、 排 水 阀 门 、 第 一 过 滤 网 、 套 管 、 第 二 过 滤 网 、 除 尘 箱 、 进 风 管 、 清 理 门 、 除 尘 布 袋 和 灰 斗 。
2 | Whole-Component(e1,e2) 本 实 用 新 型 公 开 了 一 种 易 除 垢 的 引 风 机 , 包 括 风 箱 、 转 动 密 封 轴 承 、 转 轴 、 风 叶 、 电 机 、 固 定 筒 、 进 水 管 、 进 水 阀 门 、 底 座 、 引 水 腔 、 排 水 管 、 排 水 阀 门 、 第 一 过 滤 网 、 套 管 、 第 二 过 滤 网 、 除 尘 箱 、 进 风 管 、 清 理 门 、 除 尘 布 袋 和 灰 斗 。
3 | Other 本 实 用 新 型 公 开 了 一 种 易 除 垢 的 引 风 机 , 包 括 风 箱 、 转 动 密 封 轴 承 、 转 轴 、 风 叶 、 电 机 、 固 定 筒 、 进 水 管 、 进 水 阀 门 、 底 座 、 引 水 腔 、 排 水 管 、 排 水 阀 门 、 第 一 过 滤 网 、 套 管 、 第 二 过 滤 网 、 除 尘 箱 、 进 风 管 、 清 理 门 、 除 尘 布 袋 和 灰 斗 。
4 |
--------------------------------------------------------------------------------
/official_eval.py:
--------------------------------------------------------------------------------
1 | import os
2 |
3 | EVAL_DIR = 'eval'
4 |
5 |
6 | def official_f1():
7 | # Run the perl script
8 | try:
9 | cmd = "perl {0}/semeval2010_task8_scorer-v1.2.pl {0}/proposed_answers.txt {0}/answer_keys.txt > {0}/result.txt".format(EVAL_DIR)
10 | os.system(cmd)
11 | except:
12 | raise Exception("perl is not installed or proposed_answers.txt is missing")
13 |
14 | with open(os.path.join(EVAL_DIR, 'result.txt'), 'r', encoding='utf-8') as f:
15 | macro_result = list(f)[-1]
16 | macro_result = macro_result.split(":")[1].replace(">>>", "").strip()
17 | macro_result = macro_result.split("=")[1].strip().replace("%", "")
18 | macro_result = float(macro_result) / 100
19 |
20 | return macro_result
21 |
22 |
23 | if __name__ == "__main__":
24 | print("macro-averaged F1 = {}%".format(official_f1() * 100))
25 |
--------------------------------------------------------------------------------
/utils.py:
--------------------------------------------------------------------------------
1 | import os
2 | import random
3 | import logging
4 |
5 | import torch
6 | import numpy as np
7 | from transformers import BertTokenizer, BertConfig
8 |
9 | # from official_eval import official_f1
10 | from model import RBERT
11 | from sklearn.metrics import precision_score, recall_score, f1_score
12 |
13 | MODEL_CLASSES = {
14 | 'bert':(BertConfig, RBERT, BertTokenizer)
15 | }
16 |
17 | MODEL_PATH_MAP = {
18 | 'bert':'bert-base-chinese'
19 | }
20 |
21 | ADDITIONAL_SPECIAL_TOKENS = ["","","",""]
22 |
23 | def get_label(args):
24 | return [label.strip() for label in open(os.path.join(args.data_dir, args.label_file), 'r', encoding='utf-8')]
25 |
26 | def load_tokenizer(args):
27 | tokenizer = MODEL_CLASSES[args.model_type][2].from_pretrained(args.model_name_or_path)
28 | tokenizer.add_special_tokens({"additional_special_tokens":ADDITIONAL_SPECIAL_TOKENS})
29 | return tokenizer
30 |
31 | def write_prediction(args, output_file, preds):
32 | """
33 | For official evaluation script--来自于英文关系抽取标准数据集SemEval2010_task8_scorer
34 |
35 | :param output_file: prediction_file_path (e.g. eval/preposed_answer.txt)
36 | :param preds: [0,1,0,2,18,...]
37 | """
38 | relation_labels = get_label(args)
39 | with open(output_file, 'w', encoding='utf-8') as f:
40 | for idx, pred in enumerate(preds):
41 | f.write("{}\t{}\n".format(8001 + idx,relation_labels[pred]))
42 |
43 |
44 | def init_logger():
45 | logging.basicConfig(format='%(asctime)s - %(levelname)s - %(name)s - %(message)s',
46 | datefmt='%m%d%Y %H:%M:%S',
47 | level=logging.INFO)
48 |
49 | def set_seed(args):
50 | random.seed(args.seed)
51 | np.random.seed(args.seed)
52 | torch.manual_seed(args.seed)#为 CPU 设置种子用于生成随机数,以使得结果是确定的。
53 | # torch.cuda.manual_seed(args.seed)# 为当前 GPU 设置种子用于生成随机数,以使得结果是确定的。
54 | if not args.no_cuda and torch.cuda.is_available():
55 | torch.cuda.manual_seed_all(args.seed)#为所有的 GPU 设置种子用于生成随机数,以使得结果是确定的。
56 |
57 |
58 | def compute_metrics(preds, labels):
59 | assert len(preds) == len(labels)
60 | return acc_and_f1(preds, labels)
61 |
62 | def simple_accuracy(preds, labels):
63 | return (preds == labels).mean()
64 |
65 | def acc_and_f1(preds, labels):
66 | acc = simple_accuracy(preds, labels)
67 | sk_P_result_micro = precision_score(labels, preds, average='micro')
68 | # sk_R_result_micro = recall_score(labels, preds, average='micro')
69 | sk_f1_result = f1_score(labels, preds, average='macro')
70 | return {
71 | "acc": acc,
72 | "sk_pre": sk_P_result_micro,
73 | # "f1": official_f1(),
74 | # "sk_recall": sk_R_result_micro,
75 | "f1": sk_f1_result
76 | }
77 |
78 |
79 |
80 |
81 |
82 |
83 |
--------------------------------------------------------------------------------
/model.py:
--------------------------------------------------------------------------------
1 | import torch
2 | import torch.nn as nn
3 | from transformers import BertModel, BertPreTrainedModel
4 |
5 | PRETRAINED_MODEL_MAP = {
6 | 'bert':BertModel
7 | }
8 |
9 | class FCLayer(nn.Module):
10 | def __init__(self, input_dim, output_dim, dropout_rate=0., use_activation=True):
11 | super(FCLayer, self).__init__()
12 | self.use_activation = use_activation
13 | self.dropout = nn.Dropout(dropout_rate)
14 | self.linear = nn.Linear(input_dim, output_dim)
15 | self.tanh = nn.Tanh()
16 |
17 | def forward(self, x):
18 | x = self.dropout(x)
19 | if self.use_activation:
20 | x = self.tanh(x)
21 | return self.linear(x)
22 |
23 |
24 | class RBERT(BertPreTrainedModel):
25 | def __init__(self, config, args):
26 | super(RBERT, self).__init__(config)
27 | self.bert = PRETRAINED_MODEL_MAP[args.model_type](config=config) # Load pretrained bert
28 |
29 | self.num_labels = config.num_labels
30 |
31 | self.cls_fc_layer = FCLayer(config.hidden_size, config.hidden_size, args.dropout_rate)
32 | self.e1_fc_layer = FCLayer(config.hidden_size, config.hidden_size, args.dropout_rate)
33 | self.e2_fc_layer = FCLayer(config.hidden_size, config.hidden_size, args.dropout_rate)
34 | self.label_classifier = FCLayer(config.hidden_size * 3, config.num_labels, args.dropout_rate, use_activation=False)
35 |
36 | @staticmethod
37 | def entity_averate(hidden_ooutput, e_mask):
38 | """
39 | Average the entity hidden state vectors
40 | :param hidden_ooutput: [batch_size, max_seq_len, dim]
41 | :param e_mask: [batch_size, max_seq_len]
42 | e.g. e_mask[0] = [0,0,1,1,1,0,...,0]
43 | :return: [batch_size, dim]
44 | """
45 | e_mask_unsqueeze = e_mask.unsqueeze(1) # [batch_size, 1, max_seq_len]
46 | length_tensor = (e_mask != 0).sum(dim=1).unsqueeze(1) # [batch_size, 1]
47 |
48 | sum_vector = torch.bmm(e_mask_unsqueeze.float(), hidden_ooutput).squeeze(1) # [batch_size, 1, dim]-->[batch_size, dim]
49 | avg_vector = sum_vector.float() / length_tensor.float()
50 |
51 | return avg_vector
52 |
53 | def forward(self, input_ids, attention_mask, token_type_ids, labels, e1_mask, e2_mask):
54 | outputs = self.bert(input_ids, attention_mask=attention_mask, token_type_ids=token_type_ids) # sequence_output, pooled_output,(hidden_states), (attention)
55 | sequence_output = outputs[0]
56 | pooled_output = outputs[1]
57 |
58 | #Average
59 | e1_h = self.entity_averate(sequence_output, e1_mask)
60 | e2_h = self.entity_averate(sequence_output, e2_mask)
61 |
62 | # Dropout -> tanh -> fc_layer
63 | pooled_output = self.cls_fc_layer(pooled_output)
64 | e1_h = self.e1_fc_layer(e1_h)
65 | e2_h = self.e2_fc_layer(e2_h)
66 |
67 | #Concat -> fc_layer
68 | concat_h = torch.cat([pooled_output, e1_h, e2_h], dim=-1)
69 | logits = self.label_classifier(concat_h)
70 |
71 | outputs = (logits,) + outputs[2:]
72 |
73 | # Softmax
74 | if labels is not None:
75 | if self.num_labels == 1:
76 | loss_fct = nn.MSELoss()
77 | loss = loss_fct(logits.view(-1, self.num_labels), labels.view(-1))
78 | else:
79 | loss_fct = nn.CrossEntropyLoss()
80 | loss = loss_fct(logits.view(-1, self.num_labels), labels.view(-1))
81 |
82 | outputs = (loss,) + outputs
83 |
84 | return outputs # loss, logits, hidden_states, attentions
85 |
86 |
87 |
--------------------------------------------------------------------------------
/main.py:
--------------------------------------------------------------------------------
1 | import argparse
2 |
3 | from trainer import Trainer
4 | from utils import init_logger, load_tokenizer, MODEL_CLASSES, MODEL_PATH_MAP
5 | from data_loader import load_and_cache_examples
6 |
7 | def main(args):
8 | init_logger()
9 | tokenizer = load_tokenizer(args)
10 |
11 | train_dataset = load_and_cache_examples(args, tokenizer, mode="train")
12 | test_dataset = load_and_cache_examples(args, tokenizer, mode="test")
13 |
14 | trainer = Trainer(args, train_dataset=train_dataset, test_dataset=test_dataset)
15 |
16 | if args.do_train:
17 | trainer.train()
18 | if args.do_eval:
19 | trainer.load_model()
20 | trainer.evaluate('test')
21 |
22 | if __name__ == '__main__':
23 | parser = argparse.ArgumentParser()
24 |
25 | parser.add_argument("--task", default="patent", type=str, help="The name of the task to train")
26 | parser.add_argument("--data_dir", default="./data", type=str,
27 | help="The input data dir. Should contain the .tsv files for the task")
28 | parser.add_argument("--model_dir", default="./model", type=str, help="Path to model")
29 | parser.add_argument("--eval_dir", default="./eval", type=str, help="Evaluation script, result directory")
30 | parser.add_argument("--train_file", default="train.tsv", type=str, help="Train file")
31 | parser.add_argument("--test_file", default="test.tsv", type=str, help="Test file")
32 | parser.add_argument("--label_file", default="label.txt", type=str, help="Label file")
33 |
34 | parser.add_argument("--model_type", default="bert", type=str, help="Model type selected in the list:" + ", ".join(MODEL_CLASSES.keys()))
35 |
36 | parser.add_argument("--seed", type=int, default=66, help="random seed for initializaion")
37 | parser.add_argument("--train_batch_size", default=16, type=int, help="Batch size for training")
38 | parser.add_argument("--eval_batch_size", default=16, type=int, help="Batch size for evaluation")
39 | parser.add_argument("--max_seq_len", default=500, type=int, help="The maximum total input sequence length after tokenization")
40 | parser.add_argument("--learning_rate", default=5e-5, type=float, help="The initial learning rate for Adam")
41 | parser.add_argument("--num_train_epochs", default=10.0, type=float, help="Total number of training epoch to perform")
42 | parser.add_argument("--weight_decay", default=0.0, type=float, help="Weight decay if we apply some")
43 | parser.add_argument("--gradient_accumulation_steps",default=1, type=int,
44 | help="Number of updates steps to accumulate before performing a backward/updata pass")
45 | parser.add_argument("--adam_epsilon", default=1e-8, type=float, help="Epsilon for Adam optimizer")
46 | parser.add_argument("--max_grad_norm", default=1.0, type=float, help="Max gradient norm")
47 | parser.add_argument("--max_steps", default=-1, type=int, help="If > 0: set total number of training steps to perform, Override num_train_epochs")
48 | parser.add_argument("--warmup_steps", default=0, type=int, help="Linear warmup over warmup_steps")
49 | parser.add_argument("--dropout_rate", default=0.3, type=float, help="Dropout for fully-connected layers")
50 |
51 | parser.add_argument("--logging_steps", default=50, type=int, help="Log every X updates steps")
52 | parser.add_argument("--save_steps", default=50, type=int, help="Save checkpoint every X updates steps")
53 |
54 | parser.add_argument("--do_train", action="store_true", help="Whether to run training")
55 | parser.add_argument("--do_eval", action="store_true", help="Whether to run eval on the test set")
56 | parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available")
57 | parser.add_argument("--add_sep_token", action="store_true", help="Add [SEP] token at the end of sentence")
58 |
59 | args = parser.parse_args()
60 |
61 | args.model_name_or_path = MODEL_PATH_MAP[args.model_type]
62 | main(args)
63 |
64 |
65 |
66 |
67 |
--------------------------------------------------------------------------------
/data_loader.py:
--------------------------------------------------------------------------------
1 | import os
2 | import csv
3 | import copy
4 | import json
5 | import logging
6 |
7 | import torch
8 | from torch.utils.data import TensorDataset
9 |
10 | from utils import get_label
11 |
12 | logger = logging.getLogger(__name__)
13 |
14 | class InputExample(object):
15 | def __init__(self, guid, text_a, label):
16 | self.guid = guid
17 | self.text_a = text_a
18 | self.label = label
19 |
20 | def __repr__(self):
21 | return str(self.to_json.string())
22 |
23 | def to_dict(self):
24 | output = copy.deepcopy(self.__dict__)
25 | return output
26 |
27 | def to_json_string(self):
28 | return json.dumps(self.to_dict(), indent=2, sort_keys=True) + "\n"
29 |
30 |
31 | class InputFeatures(object):
32 | def __init__(self, input_ids, attention_mask, token_type_ids, label_id, e1_mask, e2_mask):
33 | self.input_ids = input_ids
34 | self.attention_mask = attention_mask
35 | self.token_type_ids = token_type_ids
36 | self.label_id = label_id
37 | self.e1_mask = e1_mask
38 | self.e2_mask = e2_mask
39 |
40 | def __repr(self):
41 | return str(self.to_json_string())
42 |
43 | def to_dict(self):
44 | output = copy.deepcopy(self.__dict__)
45 |
46 | def to_json_string(self):
47 | return json.dumps(self.to_dict(), indent=2, sort_keys=True) + "\n"
48 |
49 | class REPorcessor(object):
50 | """Processor for the Relational Extraction"""
51 | def __init__(self, args):
52 | self.args = args
53 | self.relation_labels = get_label(args)
54 |
55 | @classmethod
56 | def _read_tsv(cls, input_file, quotechar=None):
57 | with open(input_file, 'r', encoding='utf-8') as f:
58 | reader = csv.reader(f, delimiter='\t', quotechar=quotechar)
59 | lines = []
60 | for line in reader:
61 | lines.append(line)
62 | return lines
63 |
64 | def _create_examples(self, lines, set_type):
65 | examples = []
66 | for (i, line) in enumerate(lines):
67 | guid = "%s-%s" % (set_type, i)
68 | text_a = line[1]
69 | label = self.relation_labels.index(line[0])
70 | if i % 1000 == 0:
71 | logger.info(line)
72 | examples.append(InputExample(guid=guid, text_a=text_a, label=label))
73 | return examples
74 |
75 | def get_examples(self, mode):
76 | """
77 | :param mode: train、dev、test
78 | """
79 | file_to_read = None
80 | if mode == 'train':
81 | file_to_read = self.args.train_file
82 | elif mode == 'dev':
83 | file_to_read = self.args.dev_file
84 | elif mode == 'test':
85 | file_to_read = self.args.test_file
86 |
87 | logger.info("LOOKING AT {}".format(os.path.join(self.args.data_dir, file_to_read)))
88 | return self._create_examples(self._read_tsv(os.path.join(self.args.data_dir, file_to_read)), mode)
89 |
90 | processors = {
91 | "patent": REPorcessor
92 | }
93 |
94 | def convert_examples_to_features(examples, max_seq_len, tokenizer,
95 | cls_token='[CLS]',
96 | cls_token_segment_id = 0,
97 | sep_token='[SEP]',
98 | pad_token=0,
99 | pad_token_segment_id=0,
100 | sequence_a_segment_id = 0,
101 | add_sep_token=False,
102 | mask_padding_with_zero=True):
103 | features = []
104 | for (ex_index, example) in enumerate(examples):
105 | if ex_index % 5000 == 0:
106 | logger.info("Writing example %d of %d" % (ex_index, len(examples)))
107 |
108 | tokens_a = tokenizer.tokenize(example.text_a)
109 |
110 | e11_p = tokens_a.index("") # the start position of entity1
111 | e12_p = tokens_a.index("") # the end position of entity1
112 | e21_p = tokens_a.index("")
113 | e22_p = tokens_a.index("")
114 |
115 | # Replace the token
116 | tokens_a[e11_p] = "$"
117 | tokens_a[e12_p] = "$"
118 | tokens_a[e21_p] = "#"
119 | tokens_a[e22_p] = "#"
120 |
121 | # Add 1 because of the {CLS} token
122 | e11_p += 1
123 | e12_p += 1
124 | e21_p += 1
125 | e22_p += 1
126 |
127 | # Account for {CLS} and {SEP} with "-2" and with "-3" for RoBERTa.
128 | if add_sep_token:
129 | special_tokens_count = 2
130 | else:
131 | special_tokens_count = 1
132 | if len(tokens_a) > max_seq_len - special_tokens_count:
133 | tokens_a = tokens_a[:(max_seq_len - special_tokens_count)]
134 |
135 | tokens = tokens_a
136 | if add_sep_token:
137 | tokens += [sep_token]
138 |
139 | token_type_ids = [sequence_a_segment_id] * len(tokens)
140 |
141 | tokens = [cls_token] + tokens
142 | token_type_ids = [cls_token_segment_id] + token_type_ids
143 |
144 | input_ids = tokenizer.convert_tokens_to_ids(tokens)
145 |
146 | # The mask ha 1 for real tokens and 0 for padding toknes. Only real tokens are attended to.
147 | attention_mask = [1 if mask_padding_with_zero else 0] * len(input_ids)
148 |
149 | # Zero-pad up to the sequence length.
150 | padding_length = max_seq_len - len(input_ids)
151 | input_ids = input_ids + ([pad_token] * padding_length)
152 | attention_mask = attention_mask + ([0 if mask_padding_with_zero else 1] * padding_length)
153 | token_type_ids = token_type_ids + ([pad_token_segment_id] * padding_length)
154 |
155 | # e1 mask, e1 mask
156 | e1_mask = [0] * len(attention_mask)
157 | e2_mask = [0] * len(attention_mask)
158 |
159 | for i in range(e11_p, e12_p + 1):
160 | e1_mask[i] = 1
161 | for i in range(e21_p, e22_p + 1):
162 | e2_mask[i] = 1
163 |
164 | assert len(input_ids) == max_seq_len, "Error with input length {} vs {}".format(len(input_ids), max_seq_len)
165 | assert len(attention_mask) == max_seq_len, "Error with attention mask length {} vs {}".format(len(attention_mask), max_seq_len)
166 | assert len(token_type_ids) == max_seq_len, "Error with input token type length {} vs {}".format(len(token_type_ids), max_seq_len)
167 |
168 | label_id = int(example.label)
169 |
170 | if ex_index < 5:
171 | logger.info("*** Example ***")
172 | logger.info("guid: %s" % example.guid)
173 | logger.info("toknes: %s" % " ".join([str(x) for x in tokens]))
174 | logger.info("input_ids: %s" % " ".join([str(x) for x in input_ids]))
175 | logger.info("attention_mask: %s" % " ".join([str(x) for x in attention_mask]))
176 | logger.info("token_type_ids: %s" % " ".join([str(x) for x in token_type_ids]))
177 | logger.info("label: %s (id = %d)" % (example.label, label_id))
178 | logger.info("e1_mask: %s" % " ".join([str(x) for x in e1_mask]))
179 | logger.info("e2_mask: %s" % " ".join([str(x) for x in e2_mask]))
180 | features.append(
181 | InputFeatures(input_ids=input_ids,
182 | attention_mask=attention_mask,
183 | token_type_ids=token_type_ids,
184 | label_id=label_id,
185 | e1_mask=e1_mask,
186 | e2_mask=e2_mask)
187 | )
188 |
189 | return features
190 |
191 | def load_and_cache_examples(args, tokenizer, mode):
192 | precessor = processors[args.task](args)
193 |
194 | # Load data features from cache or dataset file
195 | cached_features_file = os.path.join(
196 | args.data_dir,
197 | 'cached_{}_{}_{}_{}'.format(
198 | mode,
199 | args.task,
200 | list(filter(None, args.model_name_or_path.split("/"))).pop(),
201 | args.max_seq_len
202 | )
203 | )
204 | if os.path.exists(cached_features_file):
205 | logger.info("Loading features from cached file %s", cached_features_file)
206 | features = torch.load(cached_features_file)
207 | else:
208 | logger.info("Create features from dataset file at %s", args.data_dir)
209 | if mode == "train":
210 | examples = precessor.get_examples("train")
211 | elif mode == "dev":
212 | examples = precessor.get_examples("dev")
213 | elif mode == "test":
214 | examples = precessor.get_examples("test")
215 | else:
216 | raise Exception("For mode, only train, dev,test is available")
217 | features = convert_examples_to_features(examples, args.max_seq_len, tokenizer, add_sep_token=args.add_sep_token)
218 | logger.info("Saving features into cached file %s", cached_features_file)
219 | torch.save(features, cached_features_file)
220 | # Convert to Tensor and build dataset
221 | all_input_ids = torch.tensor([f.input_ids for f in features], dtype=torch.long)
222 | all_attention_mask = torch.tensor([f.attention_mask for f in features], dtype=torch.long)
223 | all_token_type_ids = torch.tensor([f.token_type_ids for f in features], dtype=torch.long)
224 | all_e1_mask = torch.tensor([f.e1_mask for f in features], dtype=torch.long)
225 | all_e2_mask = torch.tensor([f.e2_mask for f in features], dtype=torch.long)
226 |
227 | all_label_ids = torch.tensor([f.label_id for f in features], dtype=torch.long)
228 |
229 | dataset = TensorDataset(all_input_ids, all_attention_mask,
230 | all_token_type_ids, all_label_ids, all_e1_mask, all_e2_mask)
231 | return dataset
232 |
--------------------------------------------------------------------------------
/trainer.py:
--------------------------------------------------------------------------------
1 | import os
2 | import logging
3 | from tqdm import tqdm, trange
4 |
5 | import numpy as np
6 | import torch
7 | from torch.utils.data import DataLoader, RandomSampler, SequentialSampler
8 | from transformers import BertConfig, AdamW, get_linear_schedule_with_warmup
9 |
10 | from model import RBERT
11 | from utils import set_seed, write_prediction, compute_metrics, get_label, MODEL_CLASSES
12 |
13 | logger = logging.getLogger(__name__)
14 |
15 | class Trainer(object):
16 | def __init__(self, args, train_dataset=None, dev_dataset=None, test_dataset=None):
17 | self.args = args
18 | self.train_dataset = train_dataset
19 | self.dev_dataset = dev_dataset
20 | self.test_dataset = test_dataset
21 |
22 | self.label_lst = get_label(args)
23 | self.num_labels = len(self.label_lst)
24 |
25 | self.config_class, self.model_class, _ = MODEL_CLASSES[args.model_type] # BertConfig, RBERT, BertTokenizer
26 | self.config = self.config_class.from_pretrained(args.model_name_or_path, num_labels=self.num_labels, finetuning_task=args.task)
27 | self.model = self.model_class.from_pretrained(args.model_name_or_path,
28 | config=self.config,
29 | args=args)
30 |
31 | self.best_epoch = 0
32 | self.best_f1 = 0
33 |
34 | # GPU or CPU
35 | self.device = "cuda" if torch.cuda.is_available() and not args.no_cuda else "cpu"
36 | self.model.to(self.device)
37 |
38 | def train(self):
39 | train_sampler = RandomSampler(self.train_dataset)
40 | train_dataloader = DataLoader(self.train_dataset, sampler=train_sampler, batch_size=self.args.train_batch_size)
41 |
42 | if self.args.max_steps > 0:
43 | t_total = self.args.max_steps
44 | self.args.num_train_epochs = self.args.max_steps // (len(train_dataloader) // self.args.gradient_accumulation_steps) + 1
45 | else:
46 | t_total = len(train_dataloader) // self.args.gradient_accumulation_steps * self.args.num_train_epochs
47 |
48 | # Prepare optimizer and schedule (linear warmup and decay)
49 | no_decay = ['bias', 'LayerNorm.weight']
50 | optimizer_grouped_parameters = [
51 | {'params': [p for n,p in self.model.named_parameters() if not any(nd in n for nd in no_decay)],
52 | 'weight_decay': self.args.weight_decay},
53 | {'params':[p for n,p in self.model.named_parameters() if any(nd in n for nd in no_decay)],
54 | 'weight_decay':0.0}
55 | ]
56 | optimizer = AdamW(optimizer_grouped_parameters, lr=self.args.learning_rate, eps=self.args.adam_epsilon)
57 | scheduler = get_linear_schedule_with_warmup(optimizer, num_warmup_steps=self.args.warmup_steps, num_training_steps=t_total)
58 |
59 | # Train!
60 | logger.info("***** Running training *****")
61 | logger.info(" Num examples = %d", len(self.train_dataset))
62 | logger.info(" Num Epochs = %d", self.args.num_train_epochs)
63 | logger.info(" Total train batch size = %d", self.args.train_batch_size)
64 | logger.info(" Gradient Accumulation steps = %d", self.args.gradient_accumulation_steps)
65 | logger.info(" Total optimization steps =%d", t_total)
66 | logger.info(" Logging steps = %d", self.args.logging_steps)
67 | logger.info(" Save steps = %d", self.args.save_steps)
68 |
69 | global_step = 0
70 | tr_loss = 0.0
71 | self.model.zero_grad()
72 |
73 | train_iterator = trange(int(self.args.num_train_epochs), desc="Epoch")
74 | set_seed(self.args)
75 |
76 | for _ in train_iterator:
77 | epoch_iterator = tqdm(train_dataloader, desc="Iteration")
78 | for step, batch in enumerate(epoch_iterator):
79 | self.model.train()
80 | batch = tuple(t.to(self.device) for t in batch)
81 | inputs = {'input_ids': batch[0],
82 | 'attention_mask': batch[1],
83 | 'token_type_ids': batch[2],
84 | 'labels': batch[3],
85 | 'e1_mask': batch[4],
86 | 'e2_mask': batch[5]}
87 | outputs = self.model(**inputs)
88 | loss = outputs[0]
89 |
90 | if self.args.gradient_accumulation_steps > 1:
91 | loss = loss / self.args.gradient_accumulation_steps
92 |
93 | loss.backward()
94 |
95 | tr_loss += loss.item()
96 | if (step + 1) % self.args.gradient_accumulation_steps == 0:
97 | # 梯度裁剪
98 | torch.nn.utils.clip_grad_norm_(self.model.parameters(), self.args.max_grad_norm)
99 |
100 | # 反向传播,更新参数
101 | optimizer.step()
102 | # 更新学习率
103 | scheduler.step()
104 | # 清空学习率
105 | self.model.zero_grad()
106 | global_step += 1
107 |
108 | if self.args.logging_steps > 0 and global_step % self.args.logging_steps == 0:
109 | dev_result = self.evaluate('test')
110 | if dev_result['f1'] >= self.best_f1:
111 | self.best_f1 =dev_result['f1']
112 | self.best_epoch = _
113 | self.save_model()
114 | print('save model finished')
115 | print('best f1_score is ', self.best_f1)
116 | print('best epoch is ', self.best_epoch)
117 |
118 | # if self.args.save_steps > 0 and global_step % self.args.save_steps == 0:
119 | # self.save_model()
120 | if 0 < self.args.max_steps < global_step:
121 | epoch_iterator.close()
122 | break
123 | if 0 < self.args.max_steps < global_step:
124 | train_iterator.close()
125 | break
126 | return global_step, tr_loss / global_step
127 |
128 |
129 | def evaluate(self, mode):
130 | if mode == 'test':
131 | dataset = self.test_dataset
132 | elif mode == 'dev':
133 | dataset = self.dev_dataset
134 | else:
135 | raise Exception("Only dev and test dataset available")
136 |
137 | eval_sampler = SequentialSampler(dataset)
138 | eval_dataloader = DataLoader(dataset, sampler=eval_sampler, batch_size=self.args.eval_batch_size)
139 |
140 | # Eval!
141 | logger.info("***** Running evaluation on %s dataset *****", mode)
142 | logger.info(" Num examples = %d", len(dataset))
143 | logger.info(" Batch size = %d", self.args.eval_batch_size)
144 | eval_loss = 0.0
145 | nb_eval_steps = 0
146 | preds = None
147 | out_label_ids = None
148 |
149 | self.model.eval()
150 |
151 | for batch in tqdm(eval_dataloader, desc="Evaluating"):
152 | batch = tuple(t.to(self.device) for t in batch)
153 | with torch.no_grad():
154 | inputs = {'input_ids': batch[0],
155 | 'attention_mask': batch[1],
156 | 'token_type_ids': batch[2],
157 | 'labels': batch[3],
158 | 'e1_mask': batch[4],
159 | 'e2_mask': batch[5]}
160 | outputs = self.model(**inputs)
161 | tmp_eval_loss, logits = outputs[:2]
162 |
163 |
164 | eval_loss += tmp_eval_loss.mean().item()
165 | nb_eval_steps += 1
166 |
167 | if preds is None:
168 | preds = logits.detach().cpu().numpy()
169 | out_label_ids = inputs['labels'].detach().cpu().numpy()
170 | else:
171 | preds = np.append(preds, logits.detach().cpu().numpy(), axis=0)
172 | out_label_ids = np.append(
173 | out_label_ids, inputs['labels'].detach().cpu().numpy(), axis=0)
174 | # print('out_label_ids', out_label_ids)
175 | eval_loss = eval_loss / nb_eval_steps
176 | results = {
177 | "loss": eval_loss
178 | }
179 | preds = np.argmax(preds, axis=1)
180 | write_prediction(self.args, os.path.join(self.args.eval_dir, "proposed_answers.txt"), preds)
181 |
182 | print('preds---',preds)
183 | print('out_label_ids---', out_label_ids)
184 |
185 | result = compute_metrics(preds, out_label_ids)
186 | results.update(result)
187 |
188 | if mode == 'test':
189 | print('best f1_score is ', self.best_f1)
190 | print('best epoch is ', self.best_epoch)
191 |
192 | logger.info("***** Eval results *****")
193 | for key in sorted(results.keys()):
194 | logger.info(" {} = {:.4f}".format(key, results[key]))
195 |
196 | return results
197 |
198 | def save_model(self):
199 | # Save model checkpoint (Overwrite)
200 | if not os.path.exists(self.args.model_dir):
201 | os.makedirs(self.args.model_dir)
202 | model_to_save = self.model.module if hasattr(self.model, 'module') else self.model
203 | model_to_save.save_pretrained(self.args.model_dir)
204 |
205 | # Save training arguments together with the trained model
206 | torch.save(self.args, os.path.join(self.args.model_dir, 'training_args.bin'))
207 | logger.info("Saving model checkpoint to %s", self.args.model_dir)
208 |
209 | def load_model(self):
210 | # Check whether model exists
211 | if not os.path.exists(self.args.model_dir):
212 | raise Exception("Model doesn't exists! Train first!")
213 |
214 | try:
215 | self.args = torch.load(os.path.join(self.args.model_dir, 'training_args.bin'))
216 | self.config = self.config_class.from_pretrained(self.args.model_dir)
217 | self.model = self.model_class.from_pretrained(self.args.model_dir, config=self.config, args=self.args)
218 |
219 | self.model.to(self.device)
220 | logger.info("****** Model Loaded ******")
221 | except:
222 | raise Exception("Some model files might be missing...")
223 |
224 |
225 |
226 |
--------------------------------------------------------------------------------
/eval/semeval2010_task8_scorer-v1.2.pl:
--------------------------------------------------------------------------------
1 | #!/usr/bin/perl -w
2 | #
3 | #
4 | # Author: Preslav Nakov
5 | # nakov@comp.nus.edu.sg
6 | # National University of Singapore
7 | #
8 | # WHAT: This is the official scorer for SemEval-2010 Task #8.
9 | #
10 | #
11 | # Last modified: March 22, 2010
12 | #
13 | # Current version: 1.2
14 | #
15 | # Revision history:
16 | # - Version 1.2 (fixed a bug in the precision for the scoring of (iii))
17 | # - Version 1.1 (fixed a bug in the calculation of accuracy)
18 | #
19 | #
20 | # Use:
21 | # semeval2010_task8_scorer-v1.1.pl
22 | #
23 | # Example2:
24 | # semeval2010_task8_scorer-v1.1.pl proposed_answer1.txt answer_key1.txt > result_scores1.txt
25 | # semeval2010_task8_scorer-v1.1.pl proposed_answer2.txt answer_key2.txt > result_scores2.txt
26 | # semeval2010_task8_scorer-v1.1.pl proposed_answer3.txt answer_key3.txt > result_scores3.txt
27 | #
28 | # Description:
29 | # The scorer takes as input a proposed classification file and an answer key file.
30 | # Both files should contain one prediction per line in the format " "
31 | # with a TAB as a separator, e.g.,
32 | # 1 Component-Whole(e2,e1)
33 | # 2 Other
34 | # 3 Instrument-Agency(e2,e1)
35 | # ...
36 | # The files do not have to be sorted in any way and the first file can have predictions
37 | # for a subset of the IDs in the second file only, e.g., because hard examples have been skipped.
38 | # Repetitions of IDs are not allowed in either of the files.
39 | #
40 | # The scorer calculates and outputs the following statistics:
41 | # (1) confusion matrix, which shows
42 | # - the sums for each row/column: -SUM-
43 | # - the number of skipped examples: skip
44 | # - the number of examples with correct relation, but wrong directionality: xDIRx
45 | # - the number of examples in the answer key file: ACTUAL ( = -SUM- + skip + xDIRx )
46 | # (2) accuracy and coverage
47 | # (3) precision (P), recall (R), and F1-score for each relation
48 | # (4) micro-averaged P, R, F1, where the calculations ignore the Other category.
49 | # (5) macro-averaged P, R, F1, where the calculations ignore the Other category.
50 | #
51 | # Note that in scores (4) and (5), skipped examples are equivalent to those classified as Other.
52 | # So are examples classified as relations that do not exist in the key file (which is probably not optimal).
53 | #
54 | # The scoring is done three times:
55 | # (i) as a (2*9+1)-way classification
56 | # (ii) as a (9+1)-way classification, with directionality ignored
57 | # (iii) as a (9+1)-way classification, with directionality taken into account.
58 | #
59 | # The official score is the macro-averaged F1-score for (iii).
60 | #
61 |
62 | use strict;
63 |
64 |
65 | ###############
66 | ### I/O ###
67 | ###############
68 |
69 | if ($#ARGV != 1) {
70 | die "Usage:\nsemeval2010_task8_scorer.pl \n";
71 | }
72 |
73 | my $PROPOSED_ANSWERS_FILE_NAME = $ARGV[0];
74 | my $ANSWER_KEYS_FILE_NAME = $ARGV[1];
75 |
76 |
77 | ################
78 | ### MAIN ###
79 | ################
80 |
81 | my (%confMatrix19way, %confMatrix10wayNoDir, %confMatrix10wayWithDir) = ();
82 | my (%idsProposed, %idsAnswer) = ();
83 | my (%allLabels19waylAnswer, %allLabels10wayAnswer) = ();
84 | my (%allLabels19wayProposed, %allLabels10wayNoDirProposed, %allLabels10wayWithDirProposed) = ();
85 |
86 | ### 1. Read the file contents
87 | my $totalProposed = &readFileIntoHash($PROPOSED_ANSWERS_FILE_NAME, \%idsProposed);
88 | my $totalAnswer = &readFileIntoHash($ANSWER_KEYS_FILE_NAME, \%idsAnswer);
89 |
90 | ### 2. Calculate the confusion matrices
91 | foreach my $id (keys %idsProposed) {
92 |
93 | ### 2.1. Unexpected IDs are not allowed
94 | die "File $PROPOSED_ANSWERS_FILE_NAME contains a bad ID: '$id'"
95 | if (!defined($idsAnswer{$id}));
96 |
97 | ### 2.2. Update the 19-way confusion matrix
98 | my $labelProposed = $idsProposed{$id};
99 | my $labelAnswer = $idsAnswer{$id};
100 | $confMatrix19way{$labelProposed}{$labelAnswer}++;
101 | $allLabels19wayProposed{$labelProposed}++;
102 |
103 | ### 2.3. Update the 10-way confusion matrix *without* direction
104 | my $labelProposedNoDir = $labelProposed;
105 | my $labelAnswerNoDir = $labelAnswer;
106 | $labelProposedNoDir =~ s/\(e[12],e[12]\)[\n\r]*$//;
107 | $labelAnswerNoDir =~ s/\(e[12],e[12]\)[\n\r]*$//;
108 | $confMatrix10wayNoDir{$labelProposedNoDir}{$labelAnswerNoDir}++;
109 | $allLabels10wayNoDirProposed{$labelProposedNoDir}++;
110 |
111 | ### 2.4. Update the 10-way confusion matrix *with* direction
112 | if ($labelProposed eq $labelAnswer) { ## both relation and direction match
113 | $confMatrix10wayWithDir{$labelProposedNoDir}{$labelAnswerNoDir}++;
114 | $allLabels10wayWithDirProposed{$labelProposedNoDir}++;
115 | }
116 | elsif ($labelProposedNoDir eq $labelAnswerNoDir) { ## the relations match, but the direction is wrong
117 | $confMatrix10wayWithDir{'WRONG_DIR'}{$labelAnswerNoDir}++;
118 | $allLabels10wayWithDirProposed{'WRONG_DIR'}++;
119 | }
120 | else { ### Wrong relation
121 | $confMatrix10wayWithDir{$labelProposedNoDir}{$labelAnswerNoDir}++;
122 | $allLabels10wayWithDirProposed{$labelProposedNoDir}++;
123 | }
124 | }
125 |
126 | ### 3. Calculate the ground truth distributions
127 | foreach my $id (keys %idsAnswer) {
128 |
129 | ### 3.1. Update the 19-way answer distribution
130 | my $labelAnswer = $idsAnswer{$id};
131 | $allLabels19waylAnswer{$labelAnswer}++;
132 |
133 | ### 3.2. Update the 10-way answer distribution
134 | my $labelAnswerNoDir = $labelAnswer;
135 | $labelAnswerNoDir =~ s/\(e[12],e[12]\)[\n\r]*$//;
136 | $allLabels10wayAnswer{$labelAnswerNoDir}++;
137 | }
138 |
139 | ### 4. Check for proposed classes that are not contained in the answer key file: this may happen in cross-validation
140 | foreach my $labelProposed (sort keys %allLabels19wayProposed) {
141 | if (!defined($allLabels19waylAnswer{$labelProposed})) {
142 | print "!!!WARNING!!! The proposed file contains $allLabels19wayProposed{$labelProposed} label(s) of type '$labelProposed', which is NOT present in the key file.\n\n";
143 | }
144 | }
145 |
146 | ### 4. 19-way evaluation with directionality
147 | print "<<< (2*9+1)-WAY EVALUATION (USING DIRECTIONALITY)>>>:\n\n";
148 | &evaluate(\%confMatrix19way, \%allLabels19wayProposed, \%allLabels19waylAnswer, $totalProposed, $totalAnswer, 0);
149 |
150 | ### 5. Evaluate without directionality
151 | print "<<< (9+1)-WAY EVALUATION IGNORING DIRECTIONALITY >>>:\n\n";
152 | &evaluate(\%confMatrix10wayNoDir, \%allLabels10wayNoDirProposed, \%allLabels10wayAnswer, $totalProposed, $totalAnswer, 0);
153 |
154 | ### 6. Evaluate without directionality
155 | print "<<< (9+1)-WAY EVALUATION TAKING DIRECTIONALITY INTO ACCOUNT -- OFFICIAL >>>:\n\n";
156 | my $officialScore = &evaluate(\%confMatrix10wayWithDir, \%allLabels10wayWithDirProposed, \%allLabels10wayAnswer, $totalProposed, $totalAnswer, 1);
157 |
158 | ### 7. Output the official score
159 | printf "<<< The official score is (9+1)-way evaluation with directionality taken into account: macro-averaged F1 = %0.2f%s >>>\n", $officialScore, '%';
160 |
161 |
162 | ################
163 | ### SUBS ###
164 | ################
165 |
166 | sub getIDandLabel() {
167 | my $line = shift;
168 | return (-1,()) if ($line !~ /^([0-9]+)\t([^\r]+)\r?\n$/);
169 |
170 | my ($id, $label) = ($1, $2);
171 |
172 | return ($id, '_Other') if ($label eq 'Other');
173 |
174 | return ($id, $label)
175 | if (($label eq 'Cause-Effect(e1,e2)') || ($label eq 'Cause-Effect(e2,e1)') ||
176 | ($label eq 'Component-Whole(e1,e2)') || ($label eq 'Component-Whole(e2,e1)') ||
177 | ($label eq 'Content-Container(e1,e2)') || ($label eq 'Content-Container(e2,e1)') ||
178 | ($label eq 'Entity-Destination(e1,e2)') || ($label eq 'Entity-Destination(e2,e1)') ||
179 | ($label eq 'Entity-Origin(e1,e2)') || ($label eq 'Entity-Origin(e2,e1)') ||
180 | ($label eq 'Instrument-Agency(e1,e2)') || ($label eq 'Instrument-Agency(e2,e1)') ||
181 | ($label eq 'Member-Collection(e1,e2)') || ($label eq 'Member-Collection(e2,e1)') ||
182 | ($label eq 'Message-Topic(e1,e2)') || ($label eq 'Message-Topic(e2,e1)') ||
183 | ($label eq 'Product-Producer(e1,e2)') || ($label eq 'Product-Producer(e2,e1)'));
184 |
185 | return (-1, ());
186 | }
187 |
188 |
189 | sub readFileIntoHash() {
190 | my ($fname, $ids) = @_;
191 | open(INPUT, $fname) or die "Failed to open $fname for text reading.\n";
192 | my $lineNo = 0;
193 | while () {
194 | $lineNo++;
195 | my ($id, $label) = &getIDandLabel($_);
196 | die "Bad file format on line $lineNo: '$_'\n" if ($id < 0);
197 | if (defined $$ids{$id}) {
198 | s/[\n\r]*$//;
199 | die "Bad file format on line $lineNo (ID $id is already defined): '$_'\n";
200 | }
201 | $$ids{$id} = $label;
202 | }
203 | close(INPUT) or die "Failed to close $fname.\n";
204 | return $lineNo;
205 | }
206 |
207 |
208 | sub evaluate() {
209 | my ($confMatrix, $allLabelsProposed, $allLabelsAnswer, $totalProposed, $totalAnswer, $useWrongDir) = @_;
210 |
211 | ### 0. Create a merged list for the confusion matrix
212 | my @allLabels = ();
213 | &mergeLabelLists($allLabelsAnswer, $allLabelsProposed, \@allLabels);
214 |
215 | ### 1. Print the confusion matrix heading
216 | print "Confusion matrix:\n";
217 | print " ";
218 | foreach my $label (@allLabels) {
219 | printf " %4s", &getShortRelName($label, $allLabelsAnswer);
220 | }
221 | print " <-- classified as\n";
222 | print " +";
223 | foreach my $label (@allLabels) {
224 | print "-----";
225 | }
226 | if ($useWrongDir) {
227 | print "+ -SUM- xDIRx skip ACTUAL\n";
228 | }
229 | else {
230 | print "+ -SUM- skip ACTUAL\n";
231 | }
232 |
233 | ### 2. Print the rest of the confusion matrix
234 | my $freqCorrect = 0;
235 | my $ind = 1;
236 | my $otherSkipped = 0;
237 | foreach my $labelAnswer (sort keys %{$allLabelsAnswer}) {
238 |
239 | ### 2.1. Output the short relation label
240 | printf " %4s |", &getShortRelName($labelAnswer, $allLabelsAnswer);
241 |
242 | ### 2.2. Output a row of the confusion matrix
243 | my $sumProposed = 0;
244 | foreach my $labelProposed (@allLabels) {
245 | $$confMatrix{$labelProposed}{$labelAnswer} = 0
246 | if (!defined($$confMatrix{$labelProposed}{$labelAnswer}));
247 | printf "%4d ", $$confMatrix{$labelProposed}{$labelAnswer};
248 | $sumProposed += $$confMatrix{$labelProposed}{$labelAnswer};
249 | }
250 |
251 | ### 2.3. Output the horizontal sums
252 | if ($useWrongDir) {
253 | my $ans = defined($$allLabelsAnswer{$labelAnswer}) ? $$allLabelsAnswer{$labelAnswer} : 0;
254 | $$confMatrix{'WRONG_DIR'}{$labelAnswer} = 0 if (!defined $$confMatrix{'WRONG_DIR'}{$labelAnswer});
255 | printf "| %4d %4d %4d %6d\n", $sumProposed, $$confMatrix{'WRONG_DIR'}{$labelAnswer}, $ans - $sumProposed - $$confMatrix{'WRONG_DIR'}{$labelAnswer}, $ans;
256 | if ($labelAnswer eq '_Other') {
257 | $otherSkipped = $ans - $sumProposed - $$confMatrix{'WRONG_DIR'}{$labelAnswer};
258 | }
259 | }
260 | else {
261 | my $ans = defined($$allLabelsAnswer{$labelAnswer}) ? $$allLabelsAnswer{$labelAnswer} : 0;
262 | printf "| %4d %4d %4d\n", $sumProposed, $ans - $sumProposed, $ans;
263 | if ($labelAnswer eq '_Other') {
264 | $otherSkipped = $ans - $sumProposed;
265 | }
266 | }
267 |
268 | $ind++;
269 |
270 | $$confMatrix{$labelAnswer}{$labelAnswer} = 0
271 | if (!defined($$confMatrix{$labelAnswer}{$labelAnswer}));
272 | $freqCorrect += $$confMatrix{$labelAnswer}{$labelAnswer};
273 | }
274 | print " +";
275 | foreach (@allLabels) {
276 | print "-----";
277 | }
278 | print "+\n";
279 |
280 | ### 3. Print the vertical sums
281 | print " -SUM- ";
282 | foreach my $labelProposed (@allLabels) {
283 | $$allLabelsProposed{$labelProposed} = 0
284 | if (!defined $$allLabelsProposed{$labelProposed});
285 | printf "%4d ", $$allLabelsProposed{$labelProposed};
286 | }
287 | if ($useWrongDir) {
288 | printf " %4d %4d %4d %6d\n\n", $totalProposed - $$allLabelsProposed{'WRONG_DIR'}, $$allLabelsProposed{'WRONG_DIR'}, $totalAnswer - $totalProposed, $totalAnswer;
289 | }
290 | else {
291 | printf " %4d %4d %4d\n\n", $totalProposed, $totalAnswer - $totalProposed, $totalAnswer;
292 | }
293 |
294 | ### 4. Output the coverage
295 | my $coverage = 100.0 * $totalProposed / $totalAnswer;
296 | printf "%s%d%s%d%s%5.2f%s", 'Coverage = ', $totalProposed, '/', $totalAnswer, ' = ', $coverage, "\%\n";
297 |
298 | ### 5. Output the accuracy
299 | my $accuracy = 100.0 * $freqCorrect / $totalProposed;
300 | printf "%s%d%s%d%s%5.2f%s", 'Accuracy (calculated for the above confusion matrix) = ', $freqCorrect, '/', $totalProposed, ' = ', $accuracy, "\%\n";
301 |
302 | ### 6. Output the accuracy considering all skipped to be wrong
303 | $accuracy = 100.0 * $freqCorrect / $totalAnswer;
304 | printf "%s%d%s%d%s%5.2f%s", 'Accuracy (considering all skipped examples as Wrong) = ', $freqCorrect, '/', $totalAnswer, ' = ', $accuracy, "\%\n";
305 |
306 | ### 7. Calculate accuracy with all skipped examples considered Other
307 | my $accuracyWithOther = 100.0 * ($freqCorrect + $otherSkipped) / $totalAnswer;
308 | printf "%s%d%s%d%s%5.2f%s", 'Accuracy (considering all skipped examples as Other) = ', ($freqCorrect + $otherSkipped), '/', $totalAnswer, ' = ', $accuracyWithOther, "\%\n";
309 |
310 | ### 8. Output P, R, F1 for each relation
311 | my ($macroP, $macroR, $macroF1) = (0, 0, 0);
312 | my ($microCorrect, $microProposed, $microAnswer) = (0, 0, 0);
313 | print "\nResults for the individual relations:\n";
314 | foreach my $labelAnswer (sort keys %{$allLabelsAnswer}) {
315 |
316 | ### 8.1. Consider all wrong directionalities as wrong classification decisions
317 | my $wrongDirectionCnt = 0;
318 | if ($useWrongDir && defined $$confMatrix{'WRONG_DIR'}{$labelAnswer}) {
319 | $wrongDirectionCnt = $$confMatrix{'WRONG_DIR'}{$labelAnswer};
320 | }
321 |
322 | ### 8.2. Prevent Perl complains about unintialized values
323 | if (!defined($$allLabelsProposed{$labelAnswer})) {
324 | $$allLabelsProposed{$labelAnswer} = 0;
325 | }
326 |
327 | ### 8.3. Calculate P/R/F1
328 | my $P = (0 == $$allLabelsProposed{$labelAnswer}) ? 0
329 | : 100.0 * $$confMatrix{$labelAnswer}{$labelAnswer} / ($$allLabelsProposed{$labelAnswer} + $wrongDirectionCnt);
330 | my $R = (0 == $$allLabelsAnswer{$labelAnswer}) ? 0
331 | : 100.0 * $$confMatrix{$labelAnswer}{$labelAnswer} / $$allLabelsAnswer{$labelAnswer};
332 | my $F1 = (0 == $P + $R) ? 0 : 2 * $P * $R / ($P + $R);
333 |
334 | ### 8.4. Output P/R/F1
335 | if ($useWrongDir) {
336 | printf "%25s%s%4d%s(%4d +%4d)%s%6.2f", $labelAnswer,
337 | " : P = ", $$confMatrix{$labelAnswer}{$labelAnswer}, '/', $$allLabelsProposed{$labelAnswer}, $wrongDirectionCnt, ' = ', $P;
338 | }
339 | else {
340 | printf "%25s%s%4d%s%4d%s%6.2f", $labelAnswer,
341 | " : P = ", $$confMatrix{$labelAnswer}{$labelAnswer}, '/', ($$allLabelsProposed{$labelAnswer} + $wrongDirectionCnt), ' = ', $P;
342 | }
343 | printf"%s%4d%s%4d%s%6.2f%s%6.2f%s\n",
344 | "% R = ", $$confMatrix{$labelAnswer}{$labelAnswer}, '/', $$allLabelsAnswer{$labelAnswer}, ' = ', $R,
345 | "% F1 = ", $F1, '%';
346 |
347 | ### 8.5. Accumulate statistics for micro/macro-averaging
348 | if ($labelAnswer ne '_Other') {
349 | $macroP += $P;
350 | $macroR += $R;
351 | $macroF1 += $F1;
352 | $microCorrect += $$confMatrix{$labelAnswer}{$labelAnswer};
353 | $microProposed += $$allLabelsProposed{$labelAnswer} + $wrongDirectionCnt;
354 | $microAnswer += $$allLabelsAnswer{$labelAnswer};
355 | }
356 | }
357 |
358 | ### 9. Output the micro-averaged P, R, F1
359 | my $microP = (0 == $microProposed) ? 0 : 100.0 * $microCorrect / $microProposed;
360 | my $microR = (0 == $microAnswer) ? 0 : 100.0 * $microCorrect / $microAnswer;
361 | my $microF1 = (0 == $microP + $microR) ? 0 : 2.0 * $microP * $microR / ($microP + $microR);
362 | print "\nMicro-averaged result (excluding Other):\n";
363 | printf "%s%4d%s%4d%s%6.2f%s%4d%s%4d%s%6.2f%s%6.2f%s\n",
364 | "P = ", $microCorrect, '/', $microProposed, ' = ', $microP,
365 | "% R = ", $microCorrect, '/', $microAnswer, ' = ', $microR,
366 | "% F1 = ", $microF1, '%';
367 |
368 | ### 10. Output the macro-averaged P, R, F1
369 | my $distinctLabelsCnt = keys %{$allLabelsAnswer};
370 | ## -1, if '_Other' exists
371 | $distinctLabelsCnt-- if (defined $$allLabelsAnswer{'_Other'});
372 |
373 | $macroP /= $distinctLabelsCnt; # first divide by the number of non-Other categories
374 | $macroR /= $distinctLabelsCnt;
375 | $macroF1 /= $distinctLabelsCnt;
376 | print "\nMACRO-averaged result (excluding Other):\n";
377 | printf "%s%6.2f%s%6.2f%s%6.2f%s\n\n\n\n", "P = ", $macroP, "%\tR = ", $macroR, "%\tF1 = ", $macroF1, '%';
378 |
379 | ### 11. Return the official score
380 | return $macroF1;
381 | }
382 |
383 |
384 | sub getShortRelName() {
385 | my ($relName, $hashToCheck) = @_;
386 | return '_O_' if ($relName eq '_Other');
387 | die "relName='$relName'" if ($relName !~ /^(.)[^\-]+\-(.)/);
388 | my $result = (defined $$hashToCheck{$relName}) ? "$1\-$2" : "*$1$2";
389 | if ($relName =~ /\(e([12])/) {
390 | $result .= $1;
391 | }
392 | return $result;
393 | }
394 |
395 | sub mergeLabelLists() {
396 | my ($hash1, $hash2, $mergedList) = @_;
397 | foreach my $key (sort keys %{$hash1}) {
398 | push @{$mergedList}, $key if ($key ne 'WRONG_DIR');
399 | }
400 | foreach my $key (sort keys %{$hash2}) {
401 | push @{$mergedList}, $key if (($key ne 'WRONG_DIR') && !defined($$hash1{$key}));
402 | }
403 | }
404 |
--------------------------------------------------------------------------------
/.idea/workspace.xml:
--------------------------------------------------------------------------------
1 |
2 |
3 |
4 |
5 |
6 |
7 |
8 |
9 |
10 |
11 |
12 |
13 |
14 |
15 |
16 |
17 |
18 |
19 |
20 |
21 |
22 |
23 |
24 |
25 |
26 |
27 |
28 |
29 |
30 |
31 |
32 |
33 |
34 |
35 |
36 |
37 |
38 |
39 |
40 |
41 |
42 |
43 |
44 |
45 |
46 |
47 |
48 |
49 |
50 |
51 |
52 |
53 |
54 |
55 |
56 |
57 |
58 |
59 |
60 |
61 |
62 |
63 |
64 |
65 |
66 |
67 |
68 |
69 |
70 |
71 |
72 |
73 |
74 |
75 |
76 |
77 |
78 |
83 |
84 |
85 |
86 | model_name_or
87 |
88 |
89 |
90 |
91 |
92 |
93 |
94 |
95 |
96 |
97 |
98 |
99 |
100 |
101 |
102 |
103 |
104 |
105 |
106 |
107 |
108 |
109 |
110 |
111 |
112 |
113 |
114 |
115 |
116 |
117 |
118 |
119 |
120 |
121 |
122 |
123 |
124 |
125 |
126 |
127 |
128 |
129 |
130 |
131 |
132 |
133 |
134 |
135 |
136 |
137 |
138 |
139 |
140 |
141 |
142 |
143 |
144 |
145 |
146 |
147 |
148 |
149 |
150 |
151 |
152 |
153 |
154 |
155 |
156 |
157 |
158 |
159 |
160 |
161 |
162 |
163 |
164 |
165 |
166 |
167 |
168 |
169 |
170 |
171 |
172 |
173 |
174 | 1595951049751
175 |
176 |
177 | 1595951049751
178 |
179 |
180 |
181 |
182 |
183 |
184 |
185 |
186 |
187 |
188 |
189 |
190 |
191 |
192 |
193 |
194 |
195 |
196 |
197 |
198 |
199 |
200 |
201 |
202 |
203 |
204 |
205 |
206 |
207 |
208 |
209 |
210 |
211 |
212 |
213 |
214 |
215 |
216 |
217 |
218 |
219 |
220 |
221 |
222 |
223 |
224 |
225 |
226 |
227 |
228 |
229 |
230 |
231 |
232 |
233 |
234 |
235 |
236 |
237 |
238 |
239 |
240 |
241 |
242 |
243 |
244 |
245 |
246 |
247 |
248 |
249 |
250 |
251 |
252 |
253 |
254 |
255 |
256 |
257 |
258 |
259 |
260 |
261 |
262 |
263 |
264 |
265 |
266 |
267 |
268 |
269 |
270 |
271 |
272 |
273 |
274 |
275 |
276 |
277 |
278 |
279 |
280 |
281 |
282 |
283 |
284 |
285 |
286 |
287 |
288 |
289 |
290 |
291 |
292 |
293 |
294 |
295 |
296 |
297 |
298 |
299 |
300 |
301 |
302 |
303 |
304 |
305 |
306 |
307 |
308 |
309 |
310 |
311 |
312 |
313 |
314 |
315 |
316 |
317 |
318 |
319 |
320 |
321 |
322 |
323 |
324 |
325 |
326 |
327 |
328 |
329 |
330 |
331 |
332 |
333 |
334 |
335 |
336 |
337 |
338 |
339 |
340 |
341 |
342 |
343 |
344 |
345 |
346 |
347 |
348 |
349 |
350 |
351 |
352 |
353 |
354 |
355 |
356 |
357 |
358 |
359 |
360 |
361 |
362 |
363 |
364 |
365 |
366 |
367 |
--------------------------------------------------------------------------------
/eval/answer_keys.txt:
--------------------------------------------------------------------------------
1 | 8001 Message-Topic(e1,e2)
2 | 8002 Product-Producer(e2,e1)
3 | 8003 Instrument-Agency(e2,e1)
4 | 8004 Entity-Destination(e1,e2)
5 | 8005 Cause-Effect(e2,e1)
6 | 8006 Component-Whole(e1,e2)
7 | 8007 Product-Producer(e1,e2)
8 | 8008 Member-Collection(e2,e1)
9 | 8009 Component-Whole(e1,e2)
10 | 8010 Message-Topic(e1,e2)
11 | 8011 Entity-Destination(e1,e2)
12 | 8012 Other
13 | 8013 Entity-Destination(e1,e2)
14 | 8014 Product-Producer(e1,e2)
15 | 8015 Entity-Origin(e1,e2)
16 | 8016 Entity-Origin(e1,e2)
17 | 8017 Entity-Destination(e1,e2)
18 | 8018 Other
19 | 8019 Member-Collection(e2,e1)
20 | 8020 Product-Producer(e1,e2)
21 | 8021 Message-Topic(e1,e2)
22 | 8022 Content-Container(e1,e2)
23 | 8023 Product-Producer(e1,e2)
24 | 8024 Other
25 | 8025 Entity-Origin(e2,e1)
26 | 8026 Product-Producer(e1,e2)
27 | 8027 Cause-Effect(e2,e1)
28 | 8028 Other
29 | 8029 Other
30 | 8030 Entity-Origin(e1,e2)
31 | 8031 Cause-Effect(e1,e2)
32 | 8032 Message-Topic(e1,e2)
33 | 8033 Component-Whole(e1,e2)
34 | 8034 Product-Producer(e1,e2)
35 | 8035 Component-Whole(e1,e2)
36 | 8036 Component-Whole(e2,e1)
37 | 8037 Member-Collection(e2,e1)
38 | 8038 Content-Container(e2,e1)
39 | 8039 Member-Collection(e2,e1)
40 | 8040 Product-Producer(e1,e2)
41 | 8041 Cause-Effect(e1,e2)
42 | 8042 Component-Whole(e2,e1)
43 | 8043 Cause-Effect(e1,e2)
44 | 8044 Entity-Destination(e1,e2)
45 | 8045 Entity-Origin(e1,e2)
46 | 8046 Content-Container(e1,e2)
47 | 8047 Other
48 | 8048 Entity-Destination(e1,e2)
49 | 8049 Message-Topic(e1,e2)
50 | 8050 Other
51 | 8051 Entity-Destination(e1,e2)
52 | 8052 Other
53 | 8053 Member-Collection(e2,e1)
54 | 8054 Other
55 | 8055 Cause-Effect(e1,e2)
56 | 8056 Entity-Origin(e1,e2)
57 | 8057 Other
58 | 8058 Cause-Effect(e1,e2)
59 | 8059 Other
60 | 8060 Component-Whole(e2,e1)
61 | 8061 Entity-Origin(e2,e1)
62 | 8062 Product-Producer(e1,e2)
63 | 8063 Instrument-Agency(e2,e1)
64 | 8064 Component-Whole(e1,e2)
65 | 8065 Entity-Destination(e1,e2)
66 | 8066 Product-Producer(e2,e1)
67 | 8067 Other
68 | 8068 Other
69 | 8069 Message-Topic(e1,e2)
70 | 8070 Product-Producer(e1,e2)
71 | 8071 Other
72 | 8072 Entity-Origin(e1,e2)
73 | 8073 Cause-Effect(e2,e1)
74 | 8074 Entity-Origin(e1,e2)
75 | 8075 Other
76 | 8076 Product-Producer(e1,e2)
77 | 8077 Other
78 | 8078 Instrument-Agency(e2,e1)
79 | 8079 Entity-Destination(e1,e2)
80 | 8080 Product-Producer(e2,e1)
81 | 8081 Component-Whole(e1,e2)
82 | 8082 Component-Whole(e1,e2)
83 | 8083 Cause-Effect(e1,e2)
84 | 8084 Component-Whole(e1,e2)
85 | 8085 Message-Topic(e1,e2)
86 | 8086 Instrument-Agency(e2,e1)
87 | 8087 Message-Topic(e1,e2)
88 | 8088 Product-Producer(e2,e1)
89 | 8089 Entity-Origin(e2,e1)
90 | 8090 Message-Topic(e1,e2)
91 | 8091 Entity-Origin(e1,e2)
92 | 8092 Other
93 | 8093 Component-Whole(e1,e2)
94 | 8094 Component-Whole(e1,e2)
95 | 8095 Other
96 | 8096 Entity-Destination(e1,e2)
97 | 8097 Message-Topic(e1,e2)
98 | 8098 Component-Whole(e1,e2)
99 | 8099 Entity-Destination(e1,e2)
100 | 8100 Message-Topic(e1,e2)
101 | 8101 Message-Topic(e1,e2)
102 | 8102 Component-Whole(e2,e1)
103 | 8103 Entity-Origin(e1,e2)
104 | 8104 Message-Topic(e1,e2)
105 | 8105 Cause-Effect(e2,e1)
106 | 8106 Other
107 | 8107 Cause-Effect(e2,e1)
108 | 8108 Cause-Effect(e1,e2)
109 | 8109 Component-Whole(e2,e1)
110 | 8110 Member-Collection(e2,e1)
111 | 8111 Other
112 | 8112 Content-Container(e1,e2)
113 | 8113 Other
114 | 8114 Product-Producer(e2,e1)
115 | 8115 Other
116 | 8116 Cause-Effect(e2,e1)
117 | 8117 Product-Producer(e1,e2)
118 | 8118 Cause-Effect(e1,e2)
119 | 8119 Member-Collection(e2,e1)
120 | 8120 Component-Whole(e2,e1)
121 | 8121 Entity-Destination(e1,e2)
122 | 8122 Instrument-Agency(e2,e1)
123 | 8123 Other
124 | 8124 Other
125 | 8125 Message-Topic(e1,e2)
126 | 8126 Entity-Origin(e2,e1)
127 | 8127 Entity-Origin(e2,e1)
128 | 8128 Other
129 | 8129 Component-Whole(e2,e1)
130 | 8130 Content-Container(e1,e2)
131 | 8131 Instrument-Agency(e1,e2)
132 | 8132 Message-Topic(e1,e2)
133 | 8133 Component-Whole(e1,e2)
134 | 8134 Other
135 | 8135 Content-Container(e1,e2)
136 | 8136 Instrument-Agency(e2,e1)
137 | 8137 Component-Whole(e1,e2)
138 | 8138 Member-Collection(e2,e1)
139 | 8139 Entity-Origin(e1,e2)
140 | 8140 Member-Collection(e2,e1)
141 | 8141 Instrument-Agency(e2,e1)
142 | 8142 Entity-Origin(e1,e2)
143 | 8143 Other
144 | 8144 Entity-Origin(e1,e2)
145 | 8145 Member-Collection(e2,e1)
146 | 8146 Instrument-Agency(e2,e1)
147 | 8147 Content-Container(e1,e2)
148 | 8148 Message-Topic(e2,e1)
149 | 8149 Other
150 | 8150 Product-Producer(e2,e1)
151 | 8151 Product-Producer(e1,e2)
152 | 8152 Member-Collection(e2,e1)
153 | 8153 Member-Collection(e2,e1)
154 | 8154 Message-Topic(e1,e2)
155 | 8155 Message-Topic(e1,e2)
156 | 8156 Product-Producer(e2,e1)
157 | 8157 Other
158 | 8158 Component-Whole(e1,e2)
159 | 8159 Cause-Effect(e1,e2)
160 | 8160 Message-Topic(e2,e1)
161 | 8161 Message-Topic(e1,e2)
162 | 8162 Entity-Origin(e1,e2)
163 | 8163 Entity-Origin(e1,e2)
164 | 8164 Product-Producer(e2,e1)
165 | 8165 Entity-Destination(e1,e2)
166 | 8166 Content-Container(e1,e2)
167 | 8167 Member-Collection(e2,e1)
168 | 8168 Component-Whole(e2,e1)
169 | 8169 Entity-Origin(e1,e2)
170 | 8170 Instrument-Agency(e2,e1)
171 | 8171 Entity-Destination(e1,e2)
172 | 8172 Member-Collection(e1,e2)
173 | 8173 Other
174 | 8174 Other
175 | 8175 Cause-Effect(e2,e1)
176 | 8176 Product-Producer(e1,e2)
177 | 8177 Entity-Destination(e1,e2)
178 | 8178 Entity-Origin(e1,e2)
179 | 8179 Instrument-Agency(e2,e1)
180 | 8180 Message-Topic(e1,e2)
181 | 8181 Entity-Destination(e1,e2)
182 | 8182 Content-Container(e1,e2)
183 | 8183 Other
184 | 8184 Product-Producer(e2,e1)
185 | 8185 Other
186 | 8186 Member-Collection(e2,e1)
187 | 8187 Entity-Destination(e1,e2)
188 | 8188 Product-Producer(e1,e2)
189 | 8189 Message-Topic(e2,e1)
190 | 8190 Instrument-Agency(e2,e1)
191 | 8191 Cause-Effect(e1,e2)
192 | 8192 Other
193 | 8193 Message-Topic(e1,e2)
194 | 8194 Component-Whole(e2,e1)
195 | 8195 Message-Topic(e2,e1)
196 | 8196 Other
197 | 8197 Entity-Origin(e2,e1)
198 | 8198 Entity-Destination(e1,e2)
199 | 8199 Entity-Destination(e1,e2)
200 | 8200 Product-Producer(e1,e2)
201 | 8201 Component-Whole(e1,e2)
202 | 8202 Content-Container(e1,e2)
203 | 8203 Other
204 | 8204 Cause-Effect(e2,e1)
205 | 8205 Entity-Destination(e1,e2)
206 | 8206 Component-Whole(e1,e2)
207 | 8207 Component-Whole(e2,e1)
208 | 8208 Content-Container(e2,e1)
209 | 8209 Member-Collection(e2,e1)
210 | 8210 Member-Collection(e2,e1)
211 | 8211 Component-Whole(e1,e2)
212 | 8212 Entity-Origin(e1,e2)
213 | 8213 Content-Container(e1,e2)
214 | 8214 Instrument-Agency(e2,e1)
215 | 8215 Entity-Origin(e2,e1)
216 | 8216 Content-Container(e2,e1)
217 | 8217 Content-Container(e1,e2)
218 | 8218 Other
219 | 8219 Cause-Effect(e2,e1)
220 | 8220 Message-Topic(e1,e2)
221 | 8221 Content-Container(e1,e2)
222 | 8222 Entity-Origin(e1,e2)
223 | 8223 Message-Topic(e1,e2)
224 | 8224 Message-Topic(e2,e1)
225 | 8225 Other
226 | 8226 Other
227 | 8227 Content-Container(e1,e2)
228 | 8228 Member-Collection(e2,e1)
229 | 8229 Product-Producer(e1,e2)
230 | 8230 Other
231 | 8231 Entity-Origin(e1,e2)
232 | 8232 Component-Whole(e2,e1)
233 | 8233 Message-Topic(e1,e2)
234 | 8234 Cause-Effect(e2,e1)
235 | 8235 Component-Whole(e1,e2)
236 | 8236 Cause-Effect(e2,e1)
237 | 8237 Other
238 | 8238 Component-Whole(e1,e2)
239 | 8239 Cause-Effect(e1,e2)
240 | 8240 Cause-Effect(e1,e2)
241 | 8241 Product-Producer(e1,e2)
242 | 8242 Entity-Destination(e1,e2)
243 | 8243 Component-Whole(e1,e2)
244 | 8244 Other
245 | 8245 Other
246 | 8246 Product-Producer(e2,e1)
247 | 8247 Content-Container(e1,e2)
248 | 8248 Component-Whole(e1,e2)
249 | 8249 Entity-Origin(e1,e2)
250 | 8250 Entity-Destination(e1,e2)
251 | 8251 Component-Whole(e1,e2)
252 | 8252 Entity-Origin(e1,e2)
253 | 8253 Cause-Effect(e1,e2)
254 | 8254 Component-Whole(e1,e2)
255 | 8255 Other
256 | 8256 Other
257 | 8257 Cause-Effect(e2,e1)
258 | 8258 Product-Producer(e1,e2)
259 | 8259 Component-Whole(e2,e1)
260 | 8260 Instrument-Agency(e2,e1)
261 | 8261 Message-Topic(e1,e2)
262 | 8262 Entity-Destination(e1,e2)
263 | 8263 Entity-Origin(e2,e1)
264 | 8264 Message-Topic(e2,e1)
265 | 8265 Cause-Effect(e2,e1)
266 | 8266 Entity-Destination(e1,e2)
267 | 8267 Message-Topic(e1,e2)
268 | 8268 Component-Whole(e2,e1)
269 | 8269 Other
270 | 8270 Entity-Destination(e1,e2)
271 | 8271 Other
272 | 8272 Other
273 | 8273 Message-Topic(e2,e1)
274 | 8274 Member-Collection(e2,e1)
275 | 8275 Other
276 | 8276 Entity-Destination(e1,e2)
277 | 8277 Message-Topic(e1,e2)
278 | 8278 Instrument-Agency(e2,e1)
279 | 8279 Product-Producer(e2,e1)
280 | 8280 Product-Producer(e1,e2)
281 | 8281 Member-Collection(e1,e2)
282 | 8282 Entity-Destination(e1,e2)
283 | 8283 Member-Collection(e2,e1)
284 | 8284 Other
285 | 8285 Message-Topic(e1,e2)
286 | 8286 Content-Container(e1,e2)
287 | 8287 Member-Collection(e2,e1)
288 | 8288 Cause-Effect(e2,e1)
289 | 8289 Other
290 | 8290 Message-Topic(e1,e2)
291 | 8291 Content-Container(e1,e2)
292 | 8292 Message-Topic(e1,e2)
293 | 8293 Component-Whole(e1,e2)
294 | 8294 Other
295 | 8295 Entity-Origin(e1,e2)
296 | 8296 Entity-Origin(e1,e2)
297 | 8297 Entity-Destination(e1,e2)
298 | 8298 Entity-Destination(e1,e2)
299 | 8299 Entity-Destination(e1,e2)
300 | 8300 Product-Producer(e2,e1)
301 | 8301 Other
302 | 8302 Instrument-Agency(e2,e1)
303 | 8303 Component-Whole(e2,e1)
304 | 8304 Other
305 | 8305 Product-Producer(e2,e1)
306 | 8306 Message-Topic(e1,e2)
307 | 8307 Product-Producer(e1,e2)
308 | 8308 Other
309 | 8309 Message-Topic(e1,e2)
310 | 8310 Product-Producer(e2,e1)
311 | 8311 Other
312 | 8312 Cause-Effect(e2,e1)
313 | 8313 Message-Topic(e1,e2)
314 | 8314 Product-Producer(e1,e2)
315 | 8315 Message-Topic(e2,e1)
316 | 8316 Member-Collection(e2,e1)
317 | 8317 Content-Container(e1,e2)
318 | 8318 Content-Container(e1,e2)
319 | 8319 Entity-Destination(e1,e2)
320 | 8320 Instrument-Agency(e2,e1)
321 | 8321 Entity-Destination(e1,e2)
322 | 8322 Member-Collection(e2,e1)
323 | 8323 Member-Collection(e1,e2)
324 | 8324 Entity-Destination(e1,e2)
325 | 8325 Content-Container(e2,e1)
326 | 8326 Other
327 | 8327 Message-Topic(e2,e1)
328 | 8328 Message-Topic(e1,e2)
329 | 8329 Message-Topic(e1,e2)
330 | 8330 Product-Producer(e1,e2)
331 | 8331 Member-Collection(e2,e1)
332 | 8332 Message-Topic(e1,e2)
333 | 8333 Message-Topic(e2,e1)
334 | 8334 Cause-Effect(e2,e1)
335 | 8335 Member-Collection(e2,e1)
336 | 8336 Other
337 | 8337 Other
338 | 8338 Message-Topic(e1,e2)
339 | 8339 Other
340 | 8340 Content-Container(e1,e2)
341 | 8341 Message-Topic(e1,e2)
342 | 8342 Other
343 | 8343 Instrument-Agency(e2,e1)
344 | 8344 Entity-Destination(e1,e2)
345 | 8345 Content-Container(e1,e2)
346 | 8346 Content-Container(e2,e1)
347 | 8347 Other
348 | 8348 Other
349 | 8349 Member-Collection(e2,e1)
350 | 8350 Component-Whole(e2,e1)
351 | 8351 Content-Container(e1,e2)
352 | 8352 Member-Collection(e2,e1)
353 | 8353 Message-Topic(e1,e2)
354 | 8354 Message-Topic(e2,e1)
355 | 8355 Content-Container(e1,e2)
356 | 8356 Other
357 | 8357 Cause-Effect(e1,e2)
358 | 8358 Instrument-Agency(e2,e1)
359 | 8359 Member-Collection(e2,e1)
360 | 8360 Component-Whole(e2,e1)
361 | 8361 Cause-Effect(e2,e1)
362 | 8362 Other
363 | 8363 Entity-Origin(e1,e2)
364 | 8364 Instrument-Agency(e2,e1)
365 | 8365 Product-Producer(e1,e2)
366 | 8366 Message-Topic(e1,e2)
367 | 8367 Entity-Destination(e1,e2)
368 | 8368 Entity-Destination(e1,e2)
369 | 8369 Member-Collection(e1,e2)
370 | 8370 Other
371 | 8371 Component-Whole(e1,e2)
372 | 8372 Other
373 | 8373 Cause-Effect(e2,e1)
374 | 8374 Product-Producer(e2,e1)
375 | 8375 Entity-Destination(e1,e2)
376 | 8376 Entity-Destination(e1,e2)
377 | 8377 Cause-Effect(e1,e2)
378 | 8378 Product-Producer(e2,e1)
379 | 8379 Other
380 | 8380 Other
381 | 8381 Instrument-Agency(e1,e2)
382 | 8382 Cause-Effect(e2,e1)
383 | 8383 Entity-Destination(e1,e2)
384 | 8384 Other
385 | 8385 Entity-Origin(e1,e2)
386 | 8386 Component-Whole(e2,e1)
387 | 8387 Product-Producer(e2,e1)
388 | 8388 Component-Whole(e1,e2)
389 | 8389 Message-Topic(e1,e2)
390 | 8390 Other
391 | 8391 Other
392 | 8392 Component-Whole(e2,e1)
393 | 8393 Entity-Origin(e1,e2)
394 | 8394 Entity-Origin(e1,e2)
395 | 8395 Component-Whole(e1,e2)
396 | 8396 Other
397 | 8397 Other
398 | 8398 Entity-Destination(e1,e2)
399 | 8399 Instrument-Agency(e2,e1)
400 | 8400 Other
401 | 8401 Entity-Destination(e1,e2)
402 | 8402 Cause-Effect(e2,e1)
403 | 8403 Cause-Effect(e2,e1)
404 | 8404 Cause-Effect(e2,e1)
405 | 8405 Cause-Effect(e2,e1)
406 | 8406 Component-Whole(e1,e2)
407 | 8407 Other
408 | 8408 Entity-Origin(e2,e1)
409 | 8409 Cause-Effect(e2,e1)
410 | 8410 Entity-Destination(e1,e2)
411 | 8411 Entity-Origin(e1,e2)
412 | 8412 Content-Container(e2,e1)
413 | 8413 Component-Whole(e1,e2)
414 | 8414 Entity-Destination(e1,e2)
415 | 8415 Member-Collection(e2,e1)
416 | 8416 Component-Whole(e2,e1)
417 | 8417 Cause-Effect(e1,e2)
418 | 8418 Entity-Destination(e1,e2)
419 | 8419 Content-Container(e2,e1)
420 | 8420 Message-Topic(e1,e2)
421 | 8421 Component-Whole(e1,e2)
422 | 8422 Component-Whole(e2,e1)
423 | 8423 Entity-Destination(e1,e2)
424 | 8424 Instrument-Agency(e2,e1)
425 | 8425 Other
426 | 8426 Other
427 | 8427 Component-Whole(e1,e2)
428 | 8428 Product-Producer(e1,e2)
429 | 8429 Component-Whole(e1,e2)
430 | 8430 Entity-Origin(e1,e2)
431 | 8431 Component-Whole(e2,e1)
432 | 8432 Other
433 | 8433 Member-Collection(e2,e1)
434 | 8434 Other
435 | 8435 Other
436 | 8436 Other
437 | 8437 Message-Topic(e2,e1)
438 | 8438 Component-Whole(e2,e1)
439 | 8439 Cause-Effect(e2,e1)
440 | 8440 Message-Topic(e1,e2)
441 | 8441 Product-Producer(e2,e1)
442 | 8442 Component-Whole(e1,e2)
443 | 8443 Component-Whole(e1,e2)
444 | 8444 Component-Whole(e2,e1)
445 | 8445 Content-Container(e1,e2)
446 | 8446 Product-Producer(e1,e2)
447 | 8447 Other
448 | 8448 Other
449 | 8449 Entity-Origin(e1,e2)
450 | 8450 Other
451 | 8451 Other
452 | 8452 Member-Collection(e2,e1)
453 | 8453 Entity-Origin(e1,e2)
454 | 8454 Product-Producer(e2,e1)
455 | 8455 Cause-Effect(e2,e1)
456 | 8456 Entity-Destination(e1,e2)
457 | 8457 Entity-Destination(e1,e2)
458 | 8458 Product-Producer(e1,e2)
459 | 8459 Instrument-Agency(e2,e1)
460 | 8460 Entity-Destination(e1,e2)
461 | 8461 Other
462 | 8462 Product-Producer(e2,e1)
463 | 8463 Entity-Destination(e1,e2)
464 | 8464 Entity-Destination(e1,e2)
465 | 8465 Content-Container(e1,e2)
466 | 8466 Other
467 | 8467 Entity-Destination(e1,e2)
468 | 8468 Entity-Destination(e1,e2)
469 | 8469 Entity-Origin(e1,e2)
470 | 8470 Component-Whole(e1,e2)
471 | 8471 Cause-Effect(e1,e2)
472 | 8472 Component-Whole(e1,e2)
473 | 8473 Cause-Effect(e2,e1)
474 | 8474 Content-Container(e1,e2)
475 | 8475 Other
476 | 8476 Cause-Effect(e1,e2)
477 | 8477 Other
478 | 8478 Entity-Origin(e1,e2)
479 | 8479 Message-Topic(e1,e2)
480 | 8480 Message-Topic(e1,e2)
481 | 8481 Entity-Destination(e1,e2)
482 | 8482 Other
483 | 8483 Product-Producer(e1,e2)
484 | 8484 Other
485 | 8485 Product-Producer(e1,e2)
486 | 8486 Cause-Effect(e1,e2)
487 | 8487 Other
488 | 8488 Product-Producer(e1,e2)
489 | 8489 Cause-Effect(e2,e1)
490 | 8490 Content-Container(e1,e2)
491 | 8491 Other
492 | 8492 Member-Collection(e2,e1)
493 | 8493 Cause-Effect(e2,e1)
494 | 8494 Cause-Effect(e2,e1)
495 | 8495 Message-Topic(e2,e1)
496 | 8496 Entity-Destination(e1,e2)
497 | 8497 Entity-Origin(e1,e2)
498 | 8498 Cause-Effect(e1,e2)
499 | 8499 Component-Whole(e1,e2)
500 | 8500 Cause-Effect(e1,e2)
501 | 8501 Message-Topic(e2,e1)
502 | 8502 Content-Container(e1,e2)
503 | 8503 Cause-Effect(e2,e1)
504 | 8504 Entity-Origin(e1,e2)
505 | 8505 Content-Container(e1,e2)
506 | 8506 Entity-Destination(e1,e2)
507 | 8507 Member-Collection(e2,e1)
508 | 8508 Other
509 | 8509 Cause-Effect(e2,e1)
510 | 8510 Other
511 | 8511 Instrument-Agency(e2,e1)
512 | 8512 Cause-Effect(e1,e2)
513 | 8513 Other
514 | 8514 Message-Topic(e1,e2)
515 | 8515 Other
516 | 8516 Other
517 | 8517 Entity-Origin(e1,e2)
518 | 8518 Entity-Origin(e2,e1)
519 | 8519 Product-Producer(e2,e1)
520 | 8520 Cause-Effect(e2,e1)
521 | 8521 Cause-Effect(e2,e1)
522 | 8522 Other
523 | 8523 Cause-Effect(e2,e1)
524 | 8524 Instrument-Agency(e2,e1)
525 | 8525 Entity-Origin(e1,e2)
526 | 8526 Entity-Destination(e1,e2)
527 | 8527 Component-Whole(e1,e2)
528 | 8528 Content-Container(e1,e2)
529 | 8529 Entity-Destination(e1,e2)
530 | 8530 Product-Producer(e2,e1)
531 | 8531 Component-Whole(e2,e1)
532 | 8532 Other
533 | 8533 Product-Producer(e1,e2)
534 | 8534 Cause-Effect(e1,e2)
535 | 8535 Cause-Effect(e2,e1)
536 | 8536 Cause-Effect(e1,e2)
537 | 8537 Other
538 | 8538 Member-Collection(e2,e1)
539 | 8539 Member-Collection(e1,e2)
540 | 8540 Other
541 | 8541 Product-Producer(e1,e2)
542 | 8542 Cause-Effect(e1,e2)
543 | 8543 Entity-Origin(e1,e2)
544 | 8544 Message-Topic(e1,e2)
545 | 8545 Instrument-Agency(e2,e1)
546 | 8546 Entity-Origin(e1,e2)
547 | 8547 Component-Whole(e1,e2)
548 | 8548 Component-Whole(e2,e1)
549 | 8549 Component-Whole(e1,e2)
550 | 8550 Other
551 | 8551 Message-Topic(e2,e1)
552 | 8552 Entity-Destination(e1,e2)
553 | 8553 Message-Topic(e1,e2)
554 | 8554 Content-Container(e1,e2)
555 | 8555 Entity-Origin(e2,e1)
556 | 8556 Cause-Effect(e1,e2)
557 | 8557 Entity-Origin(e1,e2)
558 | 8558 Entity-Destination(e1,e2)
559 | 8559 Product-Producer(e2,e1)
560 | 8560 Other
561 | 8561 Component-Whole(e2,e1)
562 | 8562 Entity-Origin(e1,e2)
563 | 8563 Message-Topic(e1,e2)
564 | 8564 Message-Topic(e1,e2)
565 | 8565 Other
566 | 8566 Entity-Destination(e1,e2)
567 | 8567 Instrument-Agency(e2,e1)
568 | 8568 Other
569 | 8569 Entity-Origin(e1,e2)
570 | 8570 Member-Collection(e2,e1)
571 | 8571 Other
572 | 8572 Member-Collection(e2,e1)
573 | 8573 Other
574 | 8574 Component-Whole(e1,e2)
575 | 8575 Entity-Destination(e1,e2)
576 | 8576 Content-Container(e1,e2)
577 | 8577 Member-Collection(e2,e1)
578 | 8578 Member-Collection(e2,e1)
579 | 8579 Message-Topic(e1,e2)
580 | 8580 Message-Topic(e1,e2)
581 | 8581 Other
582 | 8582 Other
583 | 8583 Member-Collection(e2,e1)
584 | 8584 Component-Whole(e2,e1)
585 | 8585 Message-Topic(e2,e1)
586 | 8586 Component-Whole(e2,e1)
587 | 8587 Entity-Origin(e1,e2)
588 | 8588 Message-Topic(e1,e2)
589 | 8589 Message-Topic(e1,e2)
590 | 8590 Member-Collection(e2,e1)
591 | 8591 Cause-Effect(e2,e1)
592 | 8592 Other
593 | 8593 Product-Producer(e1,e2)
594 | 8594 Entity-Origin(e1,e2)
595 | 8595 Product-Producer(e1,e2)
596 | 8596 Cause-Effect(e1,e2)
597 | 8597 Message-Topic(e1,e2)
598 | 8598 Entity-Destination(e1,e2)
599 | 8599 Component-Whole(e2,e1)
600 | 8600 Member-Collection(e2,e1)
601 | 8601 Product-Producer(e1,e2)
602 | 8602 Cause-Effect(e2,e1)
603 | 8603 Cause-Effect(e2,e1)
604 | 8604 Message-Topic(e1,e2)
605 | 8605 Component-Whole(e1,e2)
606 | 8606 Entity-Destination(e1,e2)
607 | 8607 Other
608 | 8608 Cause-Effect(e2,e1)
609 | 8609 Component-Whole(e2,e1)
610 | 8610 Other
611 | 8611 Message-Topic(e1,e2)
612 | 8612 Entity-Origin(e1,e2)
613 | 8613 Content-Container(e2,e1)
614 | 8614 Entity-Origin(e1,e2)
615 | 8615 Other
616 | 8616 Component-Whole(e1,e2)
617 | 8617 Entity-Origin(e1,e2)
618 | 8618 Other
619 | 8619 Entity-Destination(e1,e2)
620 | 8620 Entity-Origin(e1,e2)
621 | 8621 Cause-Effect(e2,e1)
622 | 8622 Component-Whole(e1,e2)
623 | 8623 Cause-Effect(e1,e2)
624 | 8624 Component-Whole(e1,e2)
625 | 8625 Message-Topic(e1,e2)
626 | 8626 Other
627 | 8627 Member-Collection(e2,e1)
628 | 8628 Other
629 | 8629 Message-Topic(e1,e2)
630 | 8630 Entity-Destination(e1,e2)
631 | 8631 Entity-Destination(e1,e2)
632 | 8632 Component-Whole(e2,e1)
633 | 8633 Cause-Effect(e1,e2)
634 | 8634 Instrument-Agency(e2,e1)
635 | 8635 Entity-Origin(e1,e2)
636 | 8636 Content-Container(e2,e1)
637 | 8637 Instrument-Agency(e2,e1)
638 | 8638 Member-Collection(e2,e1)
639 | 8639 Entity-Destination(e1,e2)
640 | 8640 Entity-Origin(e1,e2)
641 | 8641 Cause-Effect(e2,e1)
642 | 8642 Product-Producer(e2,e1)
643 | 8643 Entity-Destination(e1,e2)
644 | 8644 Product-Producer(e2,e1)
645 | 8645 Other
646 | 8646 Other
647 | 8647 Other
648 | 8648 Cause-Effect(e2,e1)
649 | 8649 Member-Collection(e1,e2)
650 | 8650 Message-Topic(e1,e2)
651 | 8651 Message-Topic(e1,e2)
652 | 8652 Other
653 | 8653 Entity-Origin(e1,e2)
654 | 8654 Content-Container(e1,e2)
655 | 8655 Cause-Effect(e1,e2)
656 | 8656 Member-Collection(e2,e1)
657 | 8657 Component-Whole(e1,e2)
658 | 8658 Message-Topic(e1,e2)
659 | 8659 Cause-Effect(e1,e2)
660 | 8660 Message-Topic(e1,e2)
661 | 8661 Product-Producer(e1,e2)
662 | 8662 Message-Topic(e2,e1)
663 | 8663 Entity-Destination(e1,e2)
664 | 8664 Product-Producer(e1,e2)
665 | 8665 Component-Whole(e2,e1)
666 | 8666 Component-Whole(e2,e1)
667 | 8667 Component-Whole(e1,e2)
668 | 8668 Other
669 | 8669 Member-Collection(e2,e1)
670 | 8670 Entity-Destination(e1,e2)
671 | 8671 Content-Container(e1,e2)
672 | 8672 Message-Topic(e1,e2)
673 | 8673 Product-Producer(e2,e1)
674 | 8674 Message-Topic(e1,e2)
675 | 8675 Component-Whole(e1,e2)
676 | 8676 Message-Topic(e1,e2)
677 | 8677 Component-Whole(e2,e1)
678 | 8678 Other
679 | 8679 Component-Whole(e2,e1)
680 | 8680 Other
681 | 8681 Cause-Effect(e2,e1)
682 | 8682 Message-Topic(e1,e2)
683 | 8683 Member-Collection(e2,e1)
684 | 8684 Component-Whole(e2,e1)
685 | 8685 Content-Container(e1,e2)
686 | 8686 Member-Collection(e1,e2)
687 | 8687 Other
688 | 8688 Entity-Origin(e1,e2)
689 | 8689 Content-Container(e1,e2)
690 | 8690 Cause-Effect(e2,e1)
691 | 8691 Message-Topic(e1,e2)
692 | 8692 Component-Whole(e1,e2)
693 | 8693 Content-Container(e1,e2)
694 | 8694 Other
695 | 8695 Content-Container(e1,e2)
696 | 8696 Member-Collection(e1,e2)
697 | 8697 Other
698 | 8698 Entity-Destination(e1,e2)
699 | 8699 Entity-Origin(e1,e2)
700 | 8700 Product-Producer(e2,e1)
701 | 8701 Member-Collection(e2,e1)
702 | 8702 Component-Whole(e1,e2)
703 | 8703 Component-Whole(e2,e1)
704 | 8704 Entity-Origin(e2,e1)
705 | 8705 Cause-Effect(e1,e2)
706 | 8706 Other
707 | 8707 Content-Container(e2,e1)
708 | 8708 Cause-Effect(e2,e1)
709 | 8709 Entity-Origin(e1,e2)
710 | 8710 Entity-Destination(e1,e2)
711 | 8711 Message-Topic(e1,e2)
712 | 8712 Member-Collection(e1,e2)
713 | 8713 Member-Collection(e2,e1)
714 | 8714 Member-Collection(e2,e1)
715 | 8715 Content-Container(e1,e2)
716 | 8716 Other
717 | 8717 Product-Producer(e2,e1)
718 | 8718 Other
719 | 8719 Entity-Destination(e1,e2)
720 | 8720 Cause-Effect(e2,e1)
721 | 8721 Other
722 | 8722 Product-Producer(e2,e1)
723 | 8723 Product-Producer(e2,e1)
724 | 8724 Component-Whole(e2,e1)
725 | 8725 Message-Topic(e1,e2)
726 | 8726 Other
727 | 8727 Product-Producer(e2,e1)
728 | 8728 Content-Container(e1,e2)
729 | 8729 Member-Collection(e2,e1)
730 | 8730 Component-Whole(e1,e2)
731 | 8731 Cause-Effect(e2,e1)
732 | 8732 Instrument-Agency(e2,e1)
733 | 8733 Entity-Origin(e1,e2)
734 | 8734 Entity-Origin(e1,e2)
735 | 8735 Component-Whole(e1,e2)
736 | 8736 Cause-Effect(e1,e2)
737 | 8737 Instrument-Agency(e2,e1)
738 | 8738 Content-Container(e1,e2)
739 | 8739 Cause-Effect(e2,e1)
740 | 8740 Cause-Effect(e1,e2)
741 | 8741 Member-Collection(e2,e1)
742 | 8742 Entity-Destination(e1,e2)
743 | 8743 Entity-Destination(e1,e2)
744 | 8744 Product-Producer(e2,e1)
745 | 8745 Cause-Effect(e2,e1)
746 | 8746 Component-Whole(e1,e2)
747 | 8747 Entity-Origin(e1,e2)
748 | 8748 Cause-Effect(e1,e2)
749 | 8749 Entity-Origin(e1,e2)
750 | 8750 Instrument-Agency(e2,e1)
751 | 8751 Member-Collection(e2,e1)
752 | 8752 Cause-Effect(e1,e2)
753 | 8753 Other
754 | 8754 Cause-Effect(e2,e1)
755 | 8755 Entity-Destination(e1,e2)
756 | 8756 Product-Producer(e1,e2)
757 | 8757 Entity-Destination(e1,e2)
758 | 8758 Entity-Destination(e1,e2)
759 | 8759 Other
760 | 8760 Entity-Destination(e1,e2)
761 | 8761 Entity-Origin(e1,e2)
762 | 8762 Entity-Origin(e1,e2)
763 | 8763 Other
764 | 8764 Cause-Effect(e1,e2)
765 | 8765 Product-Producer(e2,e1)
766 | 8766 Product-Producer(e1,e2)
767 | 8767 Message-Topic(e2,e1)
768 | 8768 Product-Producer(e1,e2)
769 | 8769 Product-Producer(e1,e2)
770 | 8770 Content-Container(e1,e2)
771 | 8771 Other
772 | 8772 Entity-Destination(e1,e2)
773 | 8773 Member-Collection(e2,e1)
774 | 8774 Cause-Effect(e2,e1)
775 | 8775 Cause-Effect(e2,e1)
776 | 8776 Component-Whole(e2,e1)
777 | 8777 Content-Container(e1,e2)
778 | 8778 Component-Whole(e2,e1)
779 | 8779 Component-Whole(e2,e1)
780 | 8780 Content-Container(e1,e2)
781 | 8781 Cause-Effect(e1,e2)
782 | 8782 Instrument-Agency(e2,e1)
783 | 8783 Product-Producer(e2,e1)
784 | 8784 Entity-Origin(e1,e2)
785 | 8785 Other
786 | 8786 Other
787 | 8787 Entity-Origin(e2,e1)
788 | 8788 Message-Topic(e1,e2)
789 | 8789 Message-Topic(e1,e2)
790 | 8790 Instrument-Agency(e2,e1)
791 | 8791 Entity-Destination(e1,e2)
792 | 8792 Other
793 | 8793 Entity-Destination(e1,e2)
794 | 8794 Other
795 | 8795 Member-Collection(e2,e1)
796 | 8796 Member-Collection(e2,e1)
797 | 8797 Product-Producer(e1,e2)
798 | 8798 Member-Collection(e2,e1)
799 | 8799 Entity-Origin(e1,e2)
800 | 8800 Entity-Destination(e1,e2)
801 | 8801 Other
802 | 8802 Component-Whole(e2,e1)
803 | 8803 Member-Collection(e2,e1)
804 | 8804 Instrument-Agency(e2,e1)
805 | 8805 Entity-Origin(e2,e1)
806 | 8806 Content-Container(e1,e2)
807 | 8807 Component-Whole(e1,e2)
808 | 8808 Component-Whole(e1,e2)
809 | 8809 Other
810 | 8810 Entity-Origin(e2,e1)
811 | 8811 Instrument-Agency(e1,e2)
812 | 8812 Cause-Effect(e2,e1)
813 | 8813 Instrument-Agency(e2,e1)
814 | 8814 Member-Collection(e1,e2)
815 | 8815 Entity-Destination(e1,e2)
816 | 8816 Content-Container(e1,e2)
817 | 8817 Member-Collection(e2,e1)
818 | 8818 Other
819 | 8819 Component-Whole(e1,e2)
820 | 8820 Component-Whole(e1,e2)
821 | 8821 Product-Producer(e2,e1)
822 | 8822 Member-Collection(e2,e1)
823 | 8823 Instrument-Agency(e2,e1)
824 | 8824 Member-Collection(e2,e1)
825 | 8825 Entity-Destination(e1,e2)
826 | 8826 Message-Topic(e1,e2)
827 | 8827 Entity-Destination(e1,e2)
828 | 8828 Product-Producer(e2,e1)
829 | 8829 Cause-Effect(e1,e2)
830 | 8830 Message-Topic(e1,e2)
831 | 8831 Component-Whole(e1,e2)
832 | 8832 Entity-Origin(e1,e2)
833 | 8833 Content-Container(e1,e2)
834 | 8834 Entity-Origin(e1,e2)
835 | 8835 Instrument-Agency(e2,e1)
836 | 8836 Entity-Origin(e1,e2)
837 | 8837 Component-Whole(e2,e1)
838 | 8838 Instrument-Agency(e2,e1)
839 | 8839 Member-Collection(e2,e1)
840 | 8840 Product-Producer(e2,e1)
841 | 8841 Cause-Effect(e1,e2)
842 | 8842 Other
843 | 8843 Content-Container(e1,e2)
844 | 8844 Message-Topic(e1,e2)
845 | 8845 Other
846 | 8846 Entity-Destination(e1,e2)
847 | 8847 Other
848 | 8848 Message-Topic(e1,e2)
849 | 8849 Entity-Destination(e1,e2)
850 | 8850 Entity-Destination(e1,e2)
851 | 8851 Cause-Effect(e2,e1)
852 | 8852 Content-Container(e1,e2)
853 | 8853 Entity-Origin(e1,e2)
854 | 8854 Member-Collection(e2,e1)
855 | 8855 Cause-Effect(e2,e1)
856 | 8856 Content-Container(e1,e2)
857 | 8857 Cause-Effect(e2,e1)
858 | 8858 Cause-Effect(e1,e2)
859 | 8859 Cause-Effect(e2,e1)
860 | 8860 Other
861 | 8861 Message-Topic(e1,e2)
862 | 8862 Entity-Destination(e1,e2)
863 | 8863 Other
864 | 8864 Component-Whole(e2,e1)
865 | 8865 Component-Whole(e1,e2)
866 | 8866 Other
867 | 8867 Entity-Destination(e1,e2)
868 | 8868 Component-Whole(e2,e1)
869 | 8869 Product-Producer(e1,e2)
870 | 8870 Entity-Destination(e1,e2)
871 | 8871 Member-Collection(e2,e1)
872 | 8872 Instrument-Agency(e1,e2)
873 | 8873 Component-Whole(e1,e2)
874 | 8874 Other
875 | 8875 Cause-Effect(e1,e2)
876 | 8876 Other
877 | 8877 Member-Collection(e1,e2)
878 | 8878 Entity-Origin(e1,e2)
879 | 8879 Cause-Effect(e2,e1)
880 | 8880 Entity-Origin(e1,e2)
881 | 8881 Content-Container(e1,e2)
882 | 8882 Entity-Origin(e2,e1)
883 | 8883 Product-Producer(e2,e1)
884 | 8884 Component-Whole(e2,e1)
885 | 8885 Cause-Effect(e2,e1)
886 | 8886 Entity-Origin(e1,e2)
887 | 8887 Message-Topic(e2,e1)
888 | 8888 Other
889 | 8889 Cause-Effect(e2,e1)
890 | 8890 Entity-Origin(e1,e2)
891 | 8891 Content-Container(e1,e2)
892 | 8892 Product-Producer(e1,e2)
893 | 8893 Component-Whole(e2,e1)
894 | 8894 Entity-Origin(e1,e2)
895 | 8895 Product-Producer(e1,e2)
896 | 8896 Other
897 | 8897 Member-Collection(e2,e1)
898 | 8898 Entity-Destination(e1,e2)
899 | 8899 Entity-Origin(e2,e1)
900 | 8900 Message-Topic(e1,e2)
901 | 8901 Message-Topic(e1,e2)
902 | 8902 Member-Collection(e2,e1)
903 | 8903 Entity-Destination(e1,e2)
904 | 8904 Instrument-Agency(e2,e1)
905 | 8905 Other
906 | 8906 Member-Collection(e2,e1)
907 | 8907 Entity-Origin(e2,e1)
908 | 8908 Message-Topic(e1,e2)
909 | 8909 Other
910 | 8910 Other
911 | 8911 Member-Collection(e1,e2)
912 | 8912 Message-Topic(e1,e2)
913 | 8913 Product-Producer(e2,e1)
914 | 8914 Cause-Effect(e2,e1)
915 | 8915 Component-Whole(e2,e1)
916 | 8916 Product-Producer(e2,e1)
917 | 8917 Other
918 | 8918 Instrument-Agency(e2,e1)
919 | 8919 Message-Topic(e2,e1)
920 | 8920 Product-Producer(e1,e2)
921 | 8921 Entity-Origin(e2,e1)
922 | 8922 Product-Producer(e1,e2)
923 | 8923 Component-Whole(e1,e2)
924 | 8924 Product-Producer(e1,e2)
925 | 8925 Other
926 | 8926 Component-Whole(e1,e2)
927 | 8927 Product-Producer(e2,e1)
928 | 8928 Component-Whole(e2,e1)
929 | 8929 Component-Whole(e2,e1)
930 | 8930 Entity-Destination(e1,e2)
931 | 8931 Other
932 | 8932 Component-Whole(e1,e2)
933 | 8933 Other
934 | 8934 Member-Collection(e2,e1)
935 | 8935 Component-Whole(e1,e2)
936 | 8936 Component-Whole(e1,e2)
937 | 8937 Cause-Effect(e2,e1)
938 | 8938 Content-Container(e1,e2)
939 | 8939 Entity-Destination(e1,e2)
940 | 8940 Cause-Effect(e2,e1)
941 | 8941 Component-Whole(e2,e1)
942 | 8942 Other
943 | 8943 Product-Producer(e2,e1)
944 | 8944 Member-Collection(e2,e1)
945 | 8945 Other
946 | 8946 Entity-Destination(e1,e2)
947 | 8947 Instrument-Agency(e1,e2)
948 | 8948 Message-Topic(e1,e2)
949 | 8949 Cause-Effect(e1,e2)
950 | 8950 Content-Container(e1,e2)
951 | 8951 Component-Whole(e2,e1)
952 | 8952 Member-Collection(e2,e1)
953 | 8953 Cause-Effect(e2,e1)
954 | 8954 Cause-Effect(e1,e2)
955 | 8955 Product-Producer(e1,e2)
956 | 8956 Other
957 | 8957 Member-Collection(e2,e1)
958 | 8958 Instrument-Agency(e2,e1)
959 | 8959 Component-Whole(e1,e2)
960 | 8960 Entity-Destination(e1,e2)
961 | 8961 Other
962 | 8962 Component-Whole(e1,e2)
963 | 8963 Content-Container(e1,e2)
964 | 8964 Other
965 | 8965 Member-Collection(e2,e1)
966 | 8966 Member-Collection(e2,e1)
967 | 8967 Other
968 | 8968 Entity-Destination(e1,e2)
969 | 8969 Product-Producer(e1,e2)
970 | 8970 Instrument-Agency(e2,e1)
971 | 8971 Product-Producer(e2,e1)
972 | 8972 Cause-Effect(e2,e1)
973 | 8973 Entity-Destination(e1,e2)
974 | 8974 Cause-Effect(e2,e1)
975 | 8975 Message-Topic(e2,e1)
976 | 8976 Product-Producer(e1,e2)
977 | 8977 Instrument-Agency(e2,e1)
978 | 8978 Entity-Destination(e1,e2)
979 | 8979 Message-Topic(e1,e2)
980 | 8980 Message-Topic(e2,e1)
981 | 8981 Instrument-Agency(e2,e1)
982 | 8982 Instrument-Agency(e2,e1)
983 | 8983 Entity-Destination(e1,e2)
984 | 8984 Component-Whole(e1,e2)
985 | 8985 Message-Topic(e1,e2)
986 | 8986 Member-Collection(e2,e1)
987 | 8987 Cause-Effect(e2,e1)
988 | 8988 Product-Producer(e1,e2)
989 | 8989 Cause-Effect(e2,e1)
990 | 8990 Entity-Destination(e1,e2)
991 | 8991 Other
992 | 8992 Cause-Effect(e2,e1)
993 | 8993 Message-Topic(e1,e2)
994 | 8994 Message-Topic(e2,e1)
995 | 8995 Other
996 | 8996 Content-Container(e2,e1)
997 | 8997 Instrument-Agency(e2,e1)
998 | 8998 Member-Collection(e2,e1)
999 | 8999 Message-Topic(e1,e2)
1000 | 9000 Content-Container(e1,e2)
1001 | 9001 Content-Container(e1,e2)
1002 | 9002 Other
1003 | 9003 Component-Whole(e1,e2)
1004 | 9004 Content-Container(e1,e2)
1005 | 9005 Cause-Effect(e2,e1)
1006 | 9006 Component-Whole(e1,e2)
1007 | 9007 Content-Container(e1,e2)
1008 | 9008 Member-Collection(e2,e1)
1009 | 9009 Other
1010 | 9010 Content-Container(e1,e2)
1011 | 9011 Product-Producer(e2,e1)
1012 | 9012 Cause-Effect(e1,e2)
1013 | 9013 Component-Whole(e1,e2)
1014 | 9014 Cause-Effect(e2,e1)
1015 | 9015 Cause-Effect(e2,e1)
1016 | 9016 Entity-Destination(e1,e2)
1017 | 9017 Entity-Origin(e1,e2)
1018 | 9018 Cause-Effect(e1,e2)
1019 | 9019 Other
1020 | 9020 Other
1021 | 9021 Member-Collection(e1,e2)
1022 | 9022 Other
1023 | 9023 Content-Container(e1,e2)
1024 | 9024 Content-Container(e1,e2)
1025 | 9025 Cause-Effect(e2,e1)
1026 | 9026 Entity-Origin(e1,e2)
1027 | 9027 Entity-Origin(e1,e2)
1028 | 9028 Other
1029 | 9029 Component-Whole(e2,e1)
1030 | 9030 Message-Topic(e2,e1)
1031 | 9031 Product-Producer(e2,e1)
1032 | 9032 Member-Collection(e1,e2)
1033 | 9033 Product-Producer(e2,e1)
1034 | 9034 Other
1035 | 9035 Content-Container(e1,e2)
1036 | 9036 Instrument-Agency(e1,e2)
1037 | 9037 Entity-Destination(e1,e2)
1038 | 9038 Entity-Destination(e1,e2)
1039 | 9039 Entity-Destination(e1,e2)
1040 | 9040 Component-Whole(e1,e2)
1041 | 9041 Entity-Origin(e1,e2)
1042 | 9042 Instrument-Agency(e2,e1)
1043 | 9043 Content-Container(e1,e2)
1044 | 9044 Content-Container(e2,e1)
1045 | 9045 Content-Container(e2,e1)
1046 | 9046 Product-Producer(e2,e1)
1047 | 9047 Product-Producer(e1,e2)
1048 | 9048 Entity-Destination(e1,e2)
1049 | 9049 Product-Producer(e1,e2)
1050 | 9050 Message-Topic(e1,e2)
1051 | 9051 Entity-Origin(e2,e1)
1052 | 9052 Product-Producer(e2,e1)
1053 | 9053 Other
1054 | 9054 Other
1055 | 9055 Cause-Effect(e2,e1)
1056 | 9056 Product-Producer(e2,e1)
1057 | 9057 Cause-Effect(e2,e1)
1058 | 9058 Product-Producer(e2,e1)
1059 | 9059 Message-Topic(e1,e2)
1060 | 9060 Entity-Destination(e1,e2)
1061 | 9061 Entity-Destination(e1,e2)
1062 | 9062 Cause-Effect(e1,e2)
1063 | 9063 Message-Topic(e2,e1)
1064 | 9064 Member-Collection(e2,e1)
1065 | 9065 Entity-Origin(e1,e2)
1066 | 9066 Member-Collection(e2,e1)
1067 | 9067 Entity-Origin(e1,e2)
1068 | 9068 Cause-Effect(e1,e2)
1069 | 9069 Member-Collection(e2,e1)
1070 | 9070 Entity-Destination(e1,e2)
1071 | 9071 Product-Producer(e2,e1)
1072 | 9072 Other
1073 | 9073 Cause-Effect(e2,e1)
1074 | 9074 Other
1075 | 9075 Member-Collection(e2,e1)
1076 | 9076 Entity-Destination(e1,e2)
1077 | 9077 Other
1078 | 9078 Entity-Destination(e1,e2)
1079 | 9079 Member-Collection(e2,e1)
1080 | 9080 Other
1081 | 9081 Cause-Effect(e1,e2)
1082 | 9082 Content-Container(e1,e2)
1083 | 9083 Cause-Effect(e2,e1)
1084 | 9084 Member-Collection(e2,e1)
1085 | 9085 Product-Producer(e1,e2)
1086 | 9086 Component-Whole(e2,e1)
1087 | 9087 Cause-Effect(e1,e2)
1088 | 9088 Other
1089 | 9089 Product-Producer(e2,e1)
1090 | 9090 Component-Whole(e1,e2)
1091 | 9091 Entity-Destination(e1,e2)
1092 | 9092 Entity-Origin(e1,e2)
1093 | 9093 Other
1094 | 9094 Other
1095 | 9095 Message-Topic(e1,e2)
1096 | 9096 Product-Producer(e2,e1)
1097 | 9097 Instrument-Agency(e2,e1)
1098 | 9098 Product-Producer(e2,e1)
1099 | 9099 Other
1100 | 9100 Component-Whole(e1,e2)
1101 | 9101 Other
1102 | 9102 Member-Collection(e2,e1)
1103 | 9103 Content-Container(e1,e2)
1104 | 9104 Member-Collection(e2,e1)
1105 | 9105 Component-Whole(e2,e1)
1106 | 9106 Entity-Destination(e1,e2)
1107 | 9107 Entity-Destination(e1,e2)
1108 | 9108 Message-Topic(e1,e2)
1109 | 9109 Message-Topic(e1,e2)
1110 | 9110 Cause-Effect(e1,e2)
1111 | 9111 Cause-Effect(e2,e1)
1112 | 9112 Content-Container(e2,e1)
1113 | 9113 Component-Whole(e1,e2)
1114 | 9114 Product-Producer(e2,e1)
1115 | 9115 Entity-Origin(e1,e2)
1116 | 9116 Instrument-Agency(e2,e1)
1117 | 9117 Entity-Destination(e1,e2)
1118 | 9118 Entity-Destination(e1,e2)
1119 | 9119 Cause-Effect(e1,e2)
1120 | 9120 Product-Producer(e1,e2)
1121 | 9121 Product-Producer(e1,e2)
1122 | 9122 Entity-Destination(e1,e2)
1123 | 9123 Entity-Origin(e1,e2)
1124 | 9124 Instrument-Agency(e2,e1)
1125 | 9125 Entity-Origin(e1,e2)
1126 | 9126 Member-Collection(e2,e1)
1127 | 9127 Entity-Origin(e1,e2)
1128 | 9128 Cause-Effect(e1,e2)
1129 | 9129 Content-Container(e1,e2)
1130 | 9130 Other
1131 | 9131 Cause-Effect(e1,e2)
1132 | 9132 Instrument-Agency(e2,e1)
1133 | 9133 Instrument-Agency(e2,e1)
1134 | 9134 Component-Whole(e1,e2)
1135 | 9135 Instrument-Agency(e2,e1)
1136 | 9136 Cause-Effect(e2,e1)
1137 | 9137 Other
1138 | 9138 Component-Whole(e2,e1)
1139 | 9139 Cause-Effect(e2,e1)
1140 | 9140 Entity-Destination(e1,e2)
1141 | 9141 Message-Topic(e1,e2)
1142 | 9142 Entity-Destination(e1,e2)
1143 | 9143 Member-Collection(e2,e1)
1144 | 9144 Product-Producer(e2,e1)
1145 | 9145 Message-Topic(e1,e2)
1146 | 9146 Cause-Effect(e2,e1)
1147 | 9147 Cause-Effect(e2,e1)
1148 | 9148 Cause-Effect(e2,e1)
1149 | 9149 Other
1150 | 9150 Entity-Origin(e1,e2)
1151 | 9151 Product-Producer(e1,e2)
1152 | 9152 Component-Whole(e2,e1)
1153 | 9153 Content-Container(e1,e2)
1154 | 9154 Other
1155 | 9155 Entity-Origin(e1,e2)
1156 | 9156 Other
1157 | 9157 Other
1158 | 9158 Content-Container(e1,e2)
1159 | 9159 Content-Container(e1,e2)
1160 | 9160 Member-Collection(e2,e1)
1161 | 9161 Cause-Effect(e1,e2)
1162 | 9162 Entity-Destination(e1,e2)
1163 | 9163 Cause-Effect(e1,e2)
1164 | 9164 Other
1165 | 9165 Message-Topic(e1,e2)
1166 | 9166 Component-Whole(e2,e1)
1167 | 9167 Cause-Effect(e2,e1)
1168 | 9168 Cause-Effect(e2,e1)
1169 | 9169 Message-Topic(e1,e2)
1170 | 9170 Other
1171 | 9171 Cause-Effect(e1,e2)
1172 | 9172 Cause-Effect(e1,e2)
1173 | 9173 Entity-Origin(e1,e2)
1174 | 9174 Component-Whole(e2,e1)
1175 | 9175 Entity-Origin(e1,e2)
1176 | 9176 Entity-Origin(e1,e2)
1177 | 9177 Product-Producer(e2,e1)
1178 | 9178 Entity-Origin(e1,e2)
1179 | 9179 Cause-Effect(e1,e2)
1180 | 9180 Entity-Origin(e1,e2)
1181 | 9181 Cause-Effect(e2,e1)
1182 | 9182 Entity-Origin(e1,e2)
1183 | 9183 Component-Whole(e2,e1)
1184 | 9184 Content-Container(e2,e1)
1185 | 9185 Component-Whole(e2,e1)
1186 | 9186 Message-Topic(e1,e2)
1187 | 9187 Other
1188 | 9188 Entity-Origin(e2,e1)
1189 | 9189 Entity-Destination(e1,e2)
1190 | 9190 Cause-Effect(e2,e1)
1191 | 9191 Message-Topic(e1,e2)
1192 | 9192 Other
1193 | 9193 Other
1194 | 9194 Member-Collection(e1,e2)
1195 | 9195 Instrument-Agency(e1,e2)
1196 | 9196 Content-Container(e1,e2)
1197 | 9197 Entity-Destination(e1,e2)
1198 | 9198 Member-Collection(e2,e1)
1199 | 9199 Message-Topic(e1,e2)
1200 | 9200 Entity-Destination(e1,e2)
1201 | 9201 Entity-Origin(e1,e2)
1202 | 9202 Message-Topic(e1,e2)
1203 | 9203 Component-Whole(e1,e2)
1204 | 9204 Entity-Origin(e1,e2)
1205 | 9205 Instrument-Agency(e2,e1)
1206 | 9206 Entity-Origin(e2,e1)
1207 | 9207 Component-Whole(e1,e2)
1208 | 9208 Other
1209 | 9209 Entity-Origin(e1,e2)
1210 | 9210 Component-Whole(e1,e2)
1211 | 9211 Member-Collection(e2,e1)
1212 | 9212 Content-Container(e1,e2)
1213 | 9213 Cause-Effect(e1,e2)
1214 | 9214 Component-Whole(e2,e1)
1215 | 9215 Instrument-Agency(e2,e1)
1216 | 9216 Member-Collection(e2,e1)
1217 | 9217 Other
1218 | 9218 Entity-Destination(e1,e2)
1219 | 9219 Other
1220 | 9220 Entity-Origin(e1,e2)
1221 | 9221 Cause-Effect(e2,e1)
1222 | 9222 Entity-Destination(e1,e2)
1223 | 9223 Product-Producer(e1,e2)
1224 | 9224 Cause-Effect(e1,e2)
1225 | 9225 Entity-Origin(e1,e2)
1226 | 9226 Cause-Effect(e1,e2)
1227 | 9227 Other
1228 | 9228 Cause-Effect(e1,e2)
1229 | 9229 Member-Collection(e2,e1)
1230 | 9230 Component-Whole(e2,e1)
1231 | 9231 Entity-Destination(e1,e2)
1232 | 9232 Other
1233 | 9233 Member-Collection(e2,e1)
1234 | 9234 Cause-Effect(e2,e1)
1235 | 9235 Other
1236 | 9236 Entity-Origin(e2,e1)
1237 | 9237 Component-Whole(e1,e2)
1238 | 9238 Component-Whole(e2,e1)
1239 | 9239 Product-Producer(e2,e1)
1240 | 9240 Entity-Origin(e1,e2)
1241 | 9241 Component-Whole(e2,e1)
1242 | 9242 Member-Collection(e2,e1)
1243 | 9243 Content-Container(e1,e2)
1244 | 9244 Entity-Destination(e1,e2)
1245 | 9245 Other
1246 | 9246 Other
1247 | 9247 Entity-Destination(e1,e2)
1248 | 9248 Other
1249 | 9249 Other
1250 | 9250 Component-Whole(e2,e1)
1251 | 9251 Other
1252 | 9252 Other
1253 | 9253 Product-Producer(e1,e2)
1254 | 9254 Member-Collection(e1,e2)
1255 | 9255 Content-Container(e1,e2)
1256 | 9256 Other
1257 | 9257 Component-Whole(e2,e1)
1258 | 9258 Message-Topic(e1,e2)
1259 | 9259 Cause-Effect(e2,e1)
1260 | 9260 Content-Container(e2,e1)
1261 | 9261 Message-Topic(e1,e2)
1262 | 9262 Member-Collection(e2,e1)
1263 | 9263 Member-Collection(e2,e1)
1264 | 9264 Component-Whole(e2,e1)
1265 | 9265 Component-Whole(e1,e2)
1266 | 9266 Entity-Origin(e1,e2)
1267 | 9267 Component-Whole(e2,e1)
1268 | 9268 Member-Collection(e2,e1)
1269 | 9269 Message-Topic(e2,e1)
1270 | 9270 Instrument-Agency(e2,e1)
1271 | 9271 Entity-Origin(e1,e2)
1272 | 9272 Component-Whole(e1,e2)
1273 | 9273 Content-Container(e2,e1)
1274 | 9274 Entity-Origin(e1,e2)
1275 | 9275 Entity-Destination(e1,e2)
1276 | 9276 Component-Whole(e1,e2)
1277 | 9277 Product-Producer(e2,e1)
1278 | 9278 Entity-Origin(e1,e2)
1279 | 9279 Entity-Origin(e1,e2)
1280 | 9280 Cause-Effect(e2,e1)
1281 | 9281 Other
1282 | 9282 Member-Collection(e2,e1)
1283 | 9283 Other
1284 | 9284 Instrument-Agency(e1,e2)
1285 | 9285 Content-Container(e2,e1)
1286 | 9286 Member-Collection(e1,e2)
1287 | 9287 Entity-Origin(e2,e1)
1288 | 9288 Component-Whole(e2,e1)
1289 | 9289 Cause-Effect(e2,e1)
1290 | 9290 Message-Topic(e1,e2)
1291 | 9291 Instrument-Agency(e2,e1)
1292 | 9292 Content-Container(e1,e2)
1293 | 9293 Component-Whole(e2,e1)
1294 | 9294 Member-Collection(e2,e1)
1295 | 9295 Entity-Destination(e1,e2)
1296 | 9296 Entity-Origin(e1,e2)
1297 | 9297 Entity-Destination(e1,e2)
1298 | 9298 Message-Topic(e1,e2)
1299 | 9299 Entity-Origin(e1,e2)
1300 | 9300 Entity-Destination(e1,e2)
1301 | 9301 Other
1302 | 9302 Component-Whole(e1,e2)
1303 | 9303 Member-Collection(e2,e1)
1304 | 9304 Message-Topic(e2,e1)
1305 | 9305 Entity-Origin(e1,e2)
1306 | 9306 Entity-Destination(e1,e2)
1307 | 9307 Product-Producer(e1,e2)
1308 | 9308 Instrument-Agency(e2,e1)
1309 | 9309 Cause-Effect(e2,e1)
1310 | 9310 Other
1311 | 9311 Cause-Effect(e2,e1)
1312 | 9312 Other
1313 | 9313 Component-Whole(e2,e1)
1314 | 9314 Content-Container(e1,e2)
1315 | 9315 Message-Topic(e1,e2)
1316 | 9316 Component-Whole(e1,e2)
1317 | 9317 Instrument-Agency(e2,e1)
1318 | 9318 Entity-Destination(e1,e2)
1319 | 9319 Cause-Effect(e2,e1)
1320 | 9320 Other
1321 | 9321 Message-Topic(e1,e2)
1322 | 9322 Product-Producer(e2,e1)
1323 | 9323 Cause-Effect(e2,e1)
1324 | 9324 Content-Container(e1,e2)
1325 | 9325 Member-Collection(e2,e1)
1326 | 9326 Entity-Origin(e1,e2)
1327 | 9327 Message-Topic(e1,e2)
1328 | 9328 Cause-Effect(e1,e2)
1329 | 9329 Component-Whole(e2,e1)
1330 | 9330 Product-Producer(e2,e1)
1331 | 9331 Instrument-Agency(e2,e1)
1332 | 9332 Content-Container(e1,e2)
1333 | 9333 Component-Whole(e2,e1)
1334 | 9334 Content-Container(e2,e1)
1335 | 9335 Entity-Destination(e1,e2)
1336 | 9336 Member-Collection(e1,e2)
1337 | 9337 Component-Whole(e2,e1)
1338 | 9338 Entity-Destination(e1,e2)
1339 | 9339 Message-Topic(e1,e2)
1340 | 9340 Product-Producer(e2,e1)
1341 | 9341 Content-Container(e1,e2)
1342 | 9342 Cause-Effect(e1,e2)
1343 | 9343 Entity-Origin(e1,e2)
1344 | 9344 Member-Collection(e2,e1)
1345 | 9345 Content-Container(e2,e1)
1346 | 9346 Component-Whole(e1,e2)
1347 | 9347 Entity-Origin(e1,e2)
1348 | 9348 Product-Producer(e1,e2)
1349 | 9349 Instrument-Agency(e2,e1)
1350 | 9350 Other
1351 | 9351 Entity-Destination(e1,e2)
1352 | 9352 Cause-Effect(e1,e2)
1353 | 9353 Instrument-Agency(e1,e2)
1354 | 9354 Member-Collection(e2,e1)
1355 | 9355 Member-Collection(e2,e1)
1356 | 9356 Instrument-Agency(e2,e1)
1357 | 9357 Cause-Effect(e2,e1)
1358 | 9358 Other
1359 | 9359 Entity-Origin(e1,e2)
1360 | 9360 Entity-Destination(e1,e2)
1361 | 9361 Component-Whole(e1,e2)
1362 | 9362 Member-Collection(e2,e1)
1363 | 9363 Message-Topic(e1,e2)
1364 | 9364 Message-Topic(e1,e2)
1365 | 9365 Content-Container(e2,e1)
1366 | 9366 Cause-Effect(e1,e2)
1367 | 9367 Product-Producer(e2,e1)
1368 | 9368 Member-Collection(e2,e1)
1369 | 9369 Other
1370 | 9370 Cause-Effect(e2,e1)
1371 | 9371 Message-Topic(e1,e2)
1372 | 9372 Cause-Effect(e2,e1)
1373 | 9373 Cause-Effect(e1,e2)
1374 | 9374 Entity-Destination(e1,e2)
1375 | 9375 Entity-Destination(e1,e2)
1376 | 9376 Component-Whole(e2,e1)
1377 | 9377 Instrument-Agency(e2,e1)
1378 | 9378 Cause-Effect(e2,e1)
1379 | 9379 Cause-Effect(e1,e2)
1380 | 9380 Entity-Destination(e1,e2)
1381 | 9381 Message-Topic(e1,e2)
1382 | 9382 Component-Whole(e1,e2)
1383 | 9383 Entity-Origin(e2,e1)
1384 | 9384 Instrument-Agency(e2,e1)
1385 | 9385 Content-Container(e2,e1)
1386 | 9386 Other
1387 | 9387 Component-Whole(e2,e1)
1388 | 9388 Other
1389 | 9389 Entity-Destination(e1,e2)
1390 | 9390 Entity-Origin(e1,e2)
1391 | 9391 Component-Whole(e2,e1)
1392 | 9392 Other
1393 | 9393 Component-Whole(e2,e1)
1394 | 9394 Cause-Effect(e2,e1)
1395 | 9395 Entity-Origin(e2,e1)
1396 | 9396 Other
1397 | 9397 Other
1398 | 9398 Instrument-Agency(e2,e1)
1399 | 9399 Entity-Destination(e1,e2)
1400 | 9400 Other
1401 | 9401 Message-Topic(e2,e1)
1402 | 9402 Other
1403 | 9403 Cause-Effect(e1,e2)
1404 | 9404 Component-Whole(e2,e1)
1405 | 9405 Component-Whole(e1,e2)
1406 | 9406 Other
1407 | 9407 Content-Container(e2,e1)
1408 | 9408 Other
1409 | 9409 Instrument-Agency(e2,e1)
1410 | 9410 Message-Topic(e1,e2)
1411 | 9411 Component-Whole(e2,e1)
1412 | 9412 Member-Collection(e2,e1)
1413 | 9413 Instrument-Agency(e2,e1)
1414 | 9414 Other
1415 | 9415 Cause-Effect(e1,e2)
1416 | 9416 Entity-Destination(e1,e2)
1417 | 9417 Other
1418 | 9418 Other
1419 | 9419 Component-Whole(e1,e2)
1420 | 9420 Component-Whole(e2,e1)
1421 | 9421 Entity-Origin(e2,e1)
1422 | 9422 Product-Producer(e2,e1)
1423 | 9423 Member-Collection(e1,e2)
1424 | 9424 Other
1425 | 9425 Message-Topic(e1,e2)
1426 | 9426 Entity-Destination(e1,e2)
1427 | 9427 Cause-Effect(e2,e1)
1428 | 9428 Product-Producer(e1,e2)
1429 | 9429 Entity-Destination(e1,e2)
1430 | 9430 Message-Topic(e1,e2)
1431 | 9431 Other
1432 | 9432 Message-Topic(e1,e2)
1433 | 9433 Member-Collection(e1,e2)
1434 | 9434 Cause-Effect(e2,e1)
1435 | 9435 Instrument-Agency(e2,e1)
1436 | 9436 Content-Container(e1,e2)
1437 | 9437 Entity-Destination(e1,e2)
1438 | 9438 Cause-Effect(e1,e2)
1439 | 9439 Other
1440 | 9440 Entity-Origin(e1,e2)
1441 | 9441 Component-Whole(e1,e2)
1442 | 9442 Message-Topic(e1,e2)
1443 | 9443 Instrument-Agency(e2,e1)
1444 | 9444 Other
1445 | 9445 Component-Whole(e2,e1)
1446 | 9446 Member-Collection(e2,e1)
1447 | 9447 Content-Container(e1,e2)
1448 | 9448 Component-Whole(e2,e1)
1449 | 9449 Component-Whole(e2,e1)
1450 | 9450 Product-Producer(e1,e2)
1451 | 9451 Member-Collection(e2,e1)
1452 | 9452 Cause-Effect(e1,e2)
1453 | 9453 Entity-Origin(e1,e2)
1454 | 9454 Entity-Origin(e1,e2)
1455 | 9455 Member-Collection(e1,e2)
1456 | 9456 Message-Topic(e1,e2)
1457 | 9457 Instrument-Agency(e2,e1)
1458 | 9458 Product-Producer(e1,e2)
1459 | 9459 Other
1460 | 9460 Entity-Origin(e1,e2)
1461 | 9461 Other
1462 | 9462 Member-Collection(e2,e1)
1463 | 9463 Entity-Origin(e1,e2)
1464 | 9464 Cause-Effect(e2,e1)
1465 | 9465 Other
1466 | 9466 Product-Producer(e1,e2)
1467 | 9467 Cause-Effect(e1,e2)
1468 | 9468 Member-Collection(e2,e1)
1469 | 9469 Cause-Effect(e2,e1)
1470 | 9470 Message-Topic(e2,e1)
1471 | 9471 Content-Container(e1,e2)
1472 | 9472 Entity-Destination(e1,e2)
1473 | 9473 Entity-Origin(e1,e2)
1474 | 9474 Member-Collection(e1,e2)
1475 | 9475 Content-Container(e1,e2)
1476 | 9476 Message-Topic(e1,e2)
1477 | 9477 Instrument-Agency(e1,e2)
1478 | 9478 Member-Collection(e2,e1)
1479 | 9479 Component-Whole(e1,e2)
1480 | 9480 Other
1481 | 9481 Product-Producer(e2,e1)
1482 | 9482 Cause-Effect(e1,e2)
1483 | 9483 Content-Container(e1,e2)
1484 | 9484 Component-Whole(e1,e2)
1485 | 9485 Component-Whole(e2,e1)
1486 | 9486 Instrument-Agency(e2,e1)
1487 | 9487 Instrument-Agency(e2,e1)
1488 | 9488 Instrument-Agency(e2,e1)
1489 | 9489 Cause-Effect(e2,e1)
1490 | 9490 Cause-Effect(e2,e1)
1491 | 9491 Instrument-Agency(e2,e1)
1492 | 9492 Other
1493 | 9493 Entity-Origin(e2,e1)
1494 | 9494 Cause-Effect(e1,e2)
1495 | 9495 Message-Topic(e1,e2)
1496 | 9496 Content-Container(e1,e2)
1497 | 9497 Component-Whole(e1,e2)
1498 | 9498 Message-Topic(e1,e2)
1499 | 9499 Message-Topic(e2,e1)
1500 | 9500 Content-Container(e1,e2)
1501 | 9501 Content-Container(e1,e2)
1502 | 9502 Entity-Origin(e1,e2)
1503 | 9503 Other
1504 | 9504 Message-Topic(e1,e2)
1505 | 9505 Other
1506 | 9506 Entity-Destination(e1,e2)
1507 | 9507 Other
1508 | 9508 Cause-Effect(e1,e2)
1509 | 9509 Member-Collection(e2,e1)
1510 | 9510 Other
1511 | 9511 Other
1512 | 9512 Instrument-Agency(e2,e1)
1513 | 9513 Product-Producer(e2,e1)
1514 | 9514 Entity-Origin(e1,e2)
1515 | 9515 Cause-Effect(e2,e1)
1516 | 9516 Other
1517 | 9517 Other
1518 | 9518 Member-Collection(e2,e1)
1519 | 9519 Cause-Effect(e2,e1)
1520 | 9520 Other
1521 | 9521 Message-Topic(e1,e2)
1522 | 9522 Content-Container(e1,e2)
1523 | 9523 Other
1524 | 9524 Cause-Effect(e1,e2)
1525 | 9525 Message-Topic(e1,e2)
1526 | 9526 Message-Topic(e1,e2)
1527 | 9527 Component-Whole(e1,e2)
1528 | 9528 Content-Container(e1,e2)
1529 | 9529 Entity-Origin(e1,e2)
1530 | 9530 Member-Collection(e2,e1)
1531 | 9531 Entity-Destination(e1,e2)
1532 | 9532 Other
1533 | 9533 Entity-Destination(e1,e2)
1534 | 9534 Content-Container(e1,e2)
1535 | 9535 Component-Whole(e1,e2)
1536 | 9536 Message-Topic(e1,e2)
1537 | 9537 Other
1538 | 9538 Message-Topic(e1,e2)
1539 | 9539 Entity-Destination(e1,e2)
1540 | 9540 Component-Whole(e1,e2)
1541 | 9541 Other
1542 | 9542 Cause-Effect(e1,e2)
1543 | 9543 Message-Topic(e1,e2)
1544 | 9544 Entity-Destination(e1,e2)
1545 | 9545 Other
1546 | 9546 Other
1547 | 9547 Component-Whole(e2,e1)
1548 | 9548 Entity-Origin(e1,e2)
1549 | 9549 Other
1550 | 9550 Member-Collection(e2,e1)
1551 | 9551 Instrument-Agency(e2,e1)
1552 | 9552 Other
1553 | 9553 Product-Producer(e1,e2)
1554 | 9554 Entity-Destination(e1,e2)
1555 | 9555 Instrument-Agency(e2,e1)
1556 | 9556 Cause-Effect(e2,e1)
1557 | 9557 Component-Whole(e2,e1)
1558 | 9558 Other
1559 | 9559 Cause-Effect(e2,e1)
1560 | 9560 Entity-Origin(e1,e2)
1561 | 9561 Component-Whole(e1,e2)
1562 | 9562 Component-Whole(e2,e1)
1563 | 9563 Entity-Destination(e1,e2)
1564 | 9564 Message-Topic(e2,e1)
1565 | 9565 Component-Whole(e1,e2)
1566 | 9566 Message-Topic(e1,e2)
1567 | 9567 Message-Topic(e2,e1)
1568 | 9568 Entity-Destination(e1,e2)
1569 | 9569 Other
1570 | 9570 Member-Collection(e2,e1)
1571 | 9571 Entity-Origin(e1,e2)
1572 | 9572 Instrument-Agency(e2,e1)
1573 | 9573 Cause-Effect(e1,e2)
1574 | 9574 Other
1575 | 9575 Instrument-Agency(e1,e2)
1576 | 9576 Cause-Effect(e2,e1)
1577 | 9577 Other
1578 | 9578 Entity-Destination(e1,e2)
1579 | 9579 Component-Whole(e2,e1)
1580 | 9580 Component-Whole(e2,e1)
1581 | 9581 Entity-Destination(e1,e2)
1582 | 9582 Cause-Effect(e1,e2)
1583 | 9583 Component-Whole(e2,e1)
1584 | 9584 Member-Collection(e2,e1)
1585 | 9585 Entity-Destination(e1,e2)
1586 | 9586 Entity-Destination(e1,e2)
1587 | 9587 Product-Producer(e1,e2)
1588 | 9588 Other
1589 | 9589 Cause-Effect(e1,e2)
1590 | 9590 Instrument-Agency(e2,e1)
1591 | 9591 Entity-Origin(e2,e1)
1592 | 9592 Member-Collection(e2,e1)
1593 | 9593 Entity-Destination(e1,e2)
1594 | 9594 Instrument-Agency(e2,e1)
1595 | 9595 Member-Collection(e2,e1)
1596 | 9596 Message-Topic(e1,e2)
1597 | 9597 Cause-Effect(e2,e1)
1598 | 9598 Entity-Destination(e1,e2)
1599 | 9599 Other
1600 | 9600 Component-Whole(e1,e2)
1601 | 9601 Cause-Effect(e2,e1)
1602 | 9602 Member-Collection(e2,e1)
1603 | 9603 Component-Whole(e1,e2)
1604 | 9604 Content-Container(e2,e1)
1605 | 9605 Instrument-Agency(e2,e1)
1606 | 9606 Other
1607 | 9607 Other
1608 | 9608 Member-Collection(e2,e1)
1609 | 9609 Content-Container(e2,e1)
1610 | 9610 Other
1611 | 9611 Entity-Origin(e1,e2)
1612 | 9612 Component-Whole(e2,e1)
1613 | 9613 Component-Whole(e1,e2)
1614 | 9614 Member-Collection(e1,e2)
1615 | 9615 Message-Topic(e1,e2)
1616 | 9616 Other
1617 | 9617 Component-Whole(e1,e2)
1618 | 9618 Cause-Effect(e1,e2)
1619 | 9619 Instrument-Agency(e2,e1)
1620 | 9620 Member-Collection(e2,e1)
1621 | 9621 Entity-Destination(e1,e2)
1622 | 9622 Message-Topic(e1,e2)
1623 | 9623 Other
1624 | 9624 Cause-Effect(e1,e2)
1625 | 9625 Component-Whole(e1,e2)
1626 | 9626 Entity-Origin(e2,e1)
1627 | 9627 Other
1628 | 9628 Instrument-Agency(e2,e1)
1629 | 9629 Message-Topic(e1,e2)
1630 | 9630 Other
1631 | 9631 Other
1632 | 9632 Component-Whole(e2,e1)
1633 | 9633 Entity-Destination(e1,e2)
1634 | 9634 Component-Whole(e2,e1)
1635 | 9635 Content-Container(e1,e2)
1636 | 9636 Component-Whole(e1,e2)
1637 | 9637 Entity-Destination(e1,e2)
1638 | 9638 Other
1639 | 9639 Other
1640 | 9640 Content-Container(e1,e2)
1641 | 9641 Other
1642 | 9642 Other
1643 | 9643 Other
1644 | 9644 Product-Producer(e1,e2)
1645 | 9645 Content-Container(e1,e2)
1646 | 9646 Other
1647 | 9647 Cause-Effect(e2,e1)
1648 | 9648 Cause-Effect(e2,e1)
1649 | 9649 Instrument-Agency(e1,e2)
1650 | 9650 Other
1651 | 9651 Member-Collection(e2,e1)
1652 | 9652 Other
1653 | 9653 Message-Topic(e2,e1)
1654 | 9654 Instrument-Agency(e1,e2)
1655 | 9655 Entity-Destination(e1,e2)
1656 | 9656 Entity-Origin(e1,e2)
1657 | 9657 Entity-Origin(e1,e2)
1658 | 9658 Other
1659 | 9659 Cause-Effect(e1,e2)
1660 | 9660 Member-Collection(e2,e1)
1661 | 9661 Message-Topic(e1,e2)
1662 | 9662 Content-Container(e1,e2)
1663 | 9663 Other
1664 | 9664 Member-Collection(e2,e1)
1665 | 9665 Entity-Destination(e1,e2)
1666 | 9666 Component-Whole(e1,e2)
1667 | 9667 Product-Producer(e2,e1)
1668 | 9668 Component-Whole(e1,e2)
1669 | 9669 Entity-Origin(e1,e2)
1670 | 9670 Entity-Origin(e1,e2)
1671 | 9671 Component-Whole(e2,e1)
1672 | 9672 Component-Whole(e2,e1)
1673 | 9673 Cause-Effect(e2,e1)
1674 | 9674 Other
1675 | 9675 Message-Topic(e1,e2)
1676 | 9676 Entity-Destination(e1,e2)
1677 | 9677 Product-Producer(e1,e2)
1678 | 9678 Member-Collection(e2,e1)
1679 | 9679 Component-Whole(e1,e2)
1680 | 9680 Other
1681 | 9681 Member-Collection(e2,e1)
1682 | 9682 Cause-Effect(e1,e2)
1683 | 9683 Entity-Destination(e1,e2)
1684 | 9684 Cause-Effect(e2,e1)
1685 | 9685 Component-Whole(e1,e2)
1686 | 9686 Other
1687 | 9687 Instrument-Agency(e2,e1)
1688 | 9688 Cause-Effect(e1,e2)
1689 | 9689 Cause-Effect(e2,e1)
1690 | 9690 Cause-Effect(e2,e1)
1691 | 9691 Message-Topic(e1,e2)
1692 | 9692 Product-Producer(e1,e2)
1693 | 9693 Entity-Origin(e2,e1)
1694 | 9694 Content-Container(e1,e2)
1695 | 9695 Cause-Effect(e1,e2)
1696 | 9696 Instrument-Agency(e2,e1)
1697 | 9697 Component-Whole(e1,e2)
1698 | 9698 Cause-Effect(e1,e2)
1699 | 9699 Cause-Effect(e2,e1)
1700 | 9700 Other
1701 | 9701 Other
1702 | 9702 Member-Collection(e2,e1)
1703 | 9703 Cause-Effect(e2,e1)
1704 | 9704 Instrument-Agency(e2,e1)
1705 | 9705 Message-Topic(e1,e2)
1706 | 9706 Other
1707 | 9707 Component-Whole(e2,e1)
1708 | 9708 Cause-Effect(e2,e1)
1709 | 9709 Member-Collection(e1,e2)
1710 | 9710 Entity-Origin(e1,e2)
1711 | 9711 Entity-Origin(e1,e2)
1712 | 9712 Product-Producer(e2,e1)
1713 | 9713 Component-Whole(e1,e2)
1714 | 9714 Other
1715 | 9715 Component-Whole(e2,e1)
1716 | 9716 Product-Producer(e2,e1)
1717 | 9717 Member-Collection(e2,e1)
1718 | 9718 Other
1719 | 9719 Cause-Effect(e1,e2)
1720 | 9720 Cause-Effect(e2,e1)
1721 | 9721 Instrument-Agency(e2,e1)
1722 | 9722 Cause-Effect(e2,e1)
1723 | 9723 Component-Whole(e1,e2)
1724 | 9724 Entity-Origin(e1,e2)
1725 | 9725 Cause-Effect(e1,e2)
1726 | 9726 Other
1727 | 9727 Cause-Effect(e1,e2)
1728 | 9728 Message-Topic(e1,e2)
1729 | 9729 Instrument-Agency(e1,e2)
1730 | 9730 Message-Topic(e1,e2)
1731 | 9731 Cause-Effect(e1,e2)
1732 | 9732 Cause-Effect(e1,e2)
1733 | 9733 Entity-Origin(e1,e2)
1734 | 9734 Message-Topic(e2,e1)
1735 | 9735 Message-Topic(e1,e2)
1736 | 9736 Component-Whole(e2,e1)
1737 | 9737 Component-Whole(e1,e2)
1738 | 9738 Other
1739 | 9739 Cause-Effect(e2,e1)
1740 | 9740 Cause-Effect(e2,e1)
1741 | 9741 Other
1742 | 9742 Message-Topic(e2,e1)
1743 | 9743 Component-Whole(e2,e1)
1744 | 9744 Message-Topic(e2,e1)
1745 | 9745 Member-Collection(e2,e1)
1746 | 9746 Member-Collection(e2,e1)
1747 | 9747 Other
1748 | 9748 Member-Collection(e2,e1)
1749 | 9749 Message-Topic(e1,e2)
1750 | 9750 Other
1751 | 9751 Member-Collection(e1,e2)
1752 | 9752 Entity-Origin(e1,e2)
1753 | 9753 Member-Collection(e2,e1)
1754 | 9754 Content-Container(e1,e2)
1755 | 9755 Entity-Origin(e2,e1)
1756 | 9756 Message-Topic(e1,e2)
1757 | 9757 Message-Topic(e1,e2)
1758 | 9758 Cause-Effect(e2,e1)
1759 | 9759 Component-Whole(e2,e1)
1760 | 9760 Content-Container(e1,e2)
1761 | 9761 Other
1762 | 9762 Other
1763 | 9763 Component-Whole(e2,e1)
1764 | 9764 Message-Topic(e1,e2)
1765 | 9765 Member-Collection(e2,e1)
1766 | 9766 Entity-Destination(e1,e2)
1767 | 9767 Entity-Origin(e1,e2)
1768 | 9768 Instrument-Agency(e2,e1)
1769 | 9769 Cause-Effect(e2,e1)
1770 | 9770 Entity-Origin(e1,e2)
1771 | 9771 Component-Whole(e1,e2)
1772 | 9772 Entity-Destination(e1,e2)
1773 | 9773 Component-Whole(e2,e1)
1774 | 9774 Entity-Destination(e1,e2)
1775 | 9775 Entity-Destination(e1,e2)
1776 | 9776 Other
1777 | 9777 Message-Topic(e1,e2)
1778 | 9778 Product-Producer(e2,e1)
1779 | 9779 Other
1780 | 9780 Cause-Effect(e2,e1)
1781 | 9781 Entity-Destination(e1,e2)
1782 | 9782 Other
1783 | 9783 Entity-Origin(e1,e2)
1784 | 9784 Product-Producer(e2,e1)
1785 | 9785 Product-Producer(e2,e1)
1786 | 9786 Content-Container(e1,e2)
1787 | 9787 Entity-Destination(e1,e2)
1788 | 9788 Message-Topic(e1,e2)
1789 | 9789 Other
1790 | 9790 Member-Collection(e2,e1)
1791 | 9791 Cause-Effect(e1,e2)
1792 | 9792 Entity-Destination(e1,e2)
1793 | 9793 Other
1794 | 9794 Component-Whole(e1,e2)
1795 | 9795 Other
1796 | 9796 Other
1797 | 9797 Cause-Effect(e2,e1)
1798 | 9798 Entity-Destination(e1,e2)
1799 | 9799 Other
1800 | 9800 Message-Topic(e1,e2)
1801 | 9801 Entity-Origin(e1,e2)
1802 | 9802 Entity-Destination(e1,e2)
1803 | 9803 Other
1804 | 9804 Member-Collection(e2,e1)
1805 | 9805 Entity-Destination(e1,e2)
1806 | 9806 Content-Container(e1,e2)
1807 | 9807 Entity-Origin(e1,e2)
1808 | 9808 Other
1809 | 9809 Entity-Destination(e1,e2)
1810 | 9810 Content-Container(e1,e2)
1811 | 9811 Other
1812 | 9812 Cause-Effect(e1,e2)
1813 | 9813 Instrument-Agency(e1,e2)
1814 | 9814 Member-Collection(e2,e1)
1815 | 9815 Other
1816 | 9816 Instrument-Agency(e2,e1)
1817 | 9817 Message-Topic(e1,e2)
1818 | 9818 Member-Collection(e2,e1)
1819 | 9819 Cause-Effect(e2,e1)
1820 | 9820 Other
1821 | 9821 Product-Producer(e1,e2)
1822 | 9822 Product-Producer(e1,e2)
1823 | 9823 Entity-Origin(e2,e1)
1824 | 9824 Instrument-Agency(e2,e1)
1825 | 9825 Member-Collection(e2,e1)
1826 | 9826 Member-Collection(e2,e1)
1827 | 9827 Member-Collection(e2,e1)
1828 | 9828 Product-Producer(e1,e2)
1829 | 9829 Cause-Effect(e1,e2)
1830 | 9830 Entity-Origin(e1,e2)
1831 | 9831 Cause-Effect(e1,e2)
1832 | 9832 Entity-Origin(e1,e2)
1833 | 9833 Other
1834 | 9834 Component-Whole(e1,e2)
1835 | 9835 Content-Container(e1,e2)
1836 | 9836 Product-Producer(e2,e1)
1837 | 9837 Instrument-Agency(e1,e2)
1838 | 9838 Member-Collection(e2,e1)
1839 | 9839 Other
1840 | 9840 Message-Topic(e1,e2)
1841 | 9841 Member-Collection(e2,e1)
1842 | 9842 Other
1843 | 9843 Other
1844 | 9844 Entity-Origin(e1,e2)
1845 | 9845 Component-Whole(e2,e1)
1846 | 9846 Product-Producer(e2,e1)
1847 | 9847 Other
1848 | 9848 Cause-Effect(e2,e1)
1849 | 9849 Other
1850 | 9850 Product-Producer(e2,e1)
1851 | 9851 Member-Collection(e2,e1)
1852 | 9852 Entity-Origin(e1,e2)
1853 | 9853 Other
1854 | 9854 Member-Collection(e2,e1)
1855 | 9855 Entity-Destination(e1,e2)
1856 | 9856 Content-Container(e1,e2)
1857 | 9857 Component-Whole(e2,e1)
1858 | 9858 Product-Producer(e1,e2)
1859 | 9859 Content-Container(e2,e1)
1860 | 9860 Entity-Origin(e1,e2)
1861 | 9861 Cause-Effect(e2,e1)
1862 | 9862 Entity-Origin(e1,e2)
1863 | 9863 Product-Producer(e2,e1)
1864 | 9864 Product-Producer(e2,e1)
1865 | 9865 Entity-Destination(e1,e2)
1866 | 9866 Member-Collection(e2,e1)
1867 | 9867 Other
1868 | 9868 Cause-Effect(e2,e1)
1869 | 9869 Other
1870 | 9870 Product-Producer(e1,e2)
1871 | 9871 Entity-Destination(e1,e2)
1872 | 9872 Other
1873 | 9873 Entity-Destination(e1,e2)
1874 | 9874 Entity-Destination(e1,e2)
1875 | 9875 Member-Collection(e1,e2)
1876 | 9876 Cause-Effect(e2,e1)
1877 | 9877 Other
1878 | 9878 Member-Collection(e2,e1)
1879 | 9879 Other
1880 | 9880 Content-Container(e1,e2)
1881 | 9881 Member-Collection(e2,e1)
1882 | 9882 Entity-Origin(e1,e2)
1883 | 9883 Entity-Destination(e1,e2)
1884 | 9884 Instrument-Agency(e2,e1)
1885 | 9885 Message-Topic(e1,e2)
1886 | 9886 Other
1887 | 9887 Member-Collection(e2,e1)
1888 | 9888 Member-Collection(e1,e2)
1889 | 9889 Instrument-Agency(e2,e1)
1890 | 9890 Member-Collection(e2,e1)
1891 | 9891 Member-Collection(e2,e1)
1892 | 9892 Other
1893 | 9893 Component-Whole(e2,e1)
1894 | 9894 Entity-Destination(e1,e2)
1895 | 9895 Product-Producer(e2,e1)
1896 | 9896 Content-Container(e1,e2)
1897 | 9897 Other
1898 | 9898 Entity-Destination(e1,e2)
1899 | 9899 Cause-Effect(e2,e1)
1900 | 9900 Entity-Destination(e1,e2)
1901 | 9901 Cause-Effect(e2,e1)
1902 | 9902 Cause-Effect(e1,e2)
1903 | 9903 Other
1904 | 9904 Entity-Origin(e1,e2)
1905 | 9905 Other
1906 | 9906 Component-Whole(e2,e1)
1907 | 9907 Product-Producer(e1,e2)
1908 | 9908 Other
1909 | 9909 Product-Producer(e2,e1)
1910 | 9910 Member-Collection(e1,e2)
1911 | 9911 Message-Topic(e1,e2)
1912 | 9912 Instrument-Agency(e1,e2)
1913 | 9913 Content-Container(e1,e2)
1914 | 9914 Content-Container(e1,e2)
1915 | 9915 Other
1916 | 9916 Other
1917 | 9917 Product-Producer(e2,e1)
1918 | 9918 Member-Collection(e2,e1)
1919 | 9919 Cause-Effect(e2,e1)
1920 | 9920 Product-Producer(e2,e1)
1921 | 9921 Component-Whole(e1,e2)
1922 | 9922 Entity-Origin(e2,e1)
1923 | 9923 Member-Collection(e2,e1)
1924 | 9924 Other
1925 | 9925 Component-Whole(e1,e2)
1926 | 9926 Product-Producer(e2,e1)
1927 | 9927 Component-Whole(e1,e2)
1928 | 9928 Component-Whole(e1,e2)
1929 | 9929 Content-Container(e1,e2)
1930 | 9930 Other
1931 | 9931 Entity-Destination(e1,e2)
1932 | 9932 Content-Container(e1,e2)
1933 | 9933 Product-Producer(e2,e1)
1934 | 9934 Component-Whole(e1,e2)
1935 | 9935 Product-Producer(e2,e1)
1936 | 9936 Entity-Destination(e1,e2)
1937 | 9937 Member-Collection(e2,e1)
1938 | 9938 Member-Collection(e2,e1)
1939 | 9939 Entity-Destination(e1,e2)
1940 | 9940 Content-Container(e2,e1)
1941 | 9941 Entity-Destination(e1,e2)
1942 | 9942 Content-Container(e2,e1)
1943 | 9943 Other
1944 | 9944 Message-Topic(e1,e2)
1945 | 9945 Component-Whole(e2,e1)
1946 | 9946 Message-Topic(e2,e1)
1947 | 9947 Product-Producer(e2,e1)
1948 | 9948 Entity-Destination(e1,e2)
1949 | 9949 Entity-Origin(e1,e2)
1950 | 9950 Other
1951 | 9951 Message-Topic(e1,e2)
1952 | 9952 Entity-Destination(e1,e2)
1953 | 9953 Entity-Destination(e1,e2)
1954 | 9954 Entity-Origin(e1,e2)
1955 | 9955 Content-Container(e2,e1)
1956 | 9956 Cause-Effect(e2,e1)
1957 | 9957 Component-Whole(e2,e1)
1958 | 9958 Entity-Origin(e1,e2)
1959 | 9959 Instrument-Agency(e2,e1)
1960 | 9960 Member-Collection(e2,e1)
1961 | 9961 Product-Producer(e2,e1)
1962 | 9962 Entity-Origin(e1,e2)
1963 | 9963 Entity-Destination(e1,e2)
1964 | 9964 Entity-Destination(e1,e2)
1965 | 9965 Cause-Effect(e2,e1)
1966 | 9966 Other
1967 | 9967 Cause-Effect(e1,e2)
1968 | 9968 Message-Topic(e2,e1)
1969 | 9969 Entity-Destination(e1,e2)
1970 | 9970 Instrument-Agency(e2,e1)
1971 | 9971 Component-Whole(e2,e1)
1972 | 9972 Component-Whole(e1,e2)
1973 | 9973 Message-Topic(e1,e2)
1974 | 9974 Cause-Effect(e2,e1)
1975 | 9975 Cause-Effect(e2,e1)
1976 | 9976 Other
1977 | 9977 Product-Producer(e2,e1)
1978 | 9978 Other
1979 | 9979 Cause-Effect(e1,e2)
1980 | 9980 Component-Whole(e1,e2)
1981 | 9981 Member-Collection(e2,e1)
1982 | 9982 Entity-Destination(e1,e2)
1983 | 9983 Content-Container(e1,e2)
1984 | 9984 Member-Collection(e2,e1)
1985 | 9985 Cause-Effect(e2,e1)
1986 | 9986 Other
1987 | 9987 Product-Producer(e2,e1)
1988 | 9988 Content-Container(e1,e2)
1989 | 9989 Other
1990 | 9990 Other
1991 | 9991 Message-Topic(e1,e2)
1992 | 9992 Component-Whole(e1,e2)
1993 | 9993 Content-Container(e1,e2)
1994 | 9994 Component-Whole(e1,e2)
1995 | 9995 Other
1996 | 9996 Message-Topic(e1,e2)
1997 | 9997 Component-Whole(e1,e2)
1998 | 9998 Entity-Origin(e1,e2)
1999 | 9999 Entity-Destination(e1,e2)
2000 | 10000 Instrument-Agency(e2,e1)
2001 | 10001 Instrument-Agency(e2,e1)
2002 | 10002 Message-Topic(e1,e2)
2003 | 10003 Cause-Effect(e2,e1)
2004 | 10004 Entity-Destination(e1,e2)
2005 | 10005 Instrument-Agency(e2,e1)
2006 | 10006 Member-Collection(e2,e1)
2007 | 10007 Entity-Origin(e1,e2)
2008 | 10008 Entity-Destination(e1,e2)
2009 | 10009 Cause-Effect(e1,e2)
2010 | 10010 Entity-Origin(e1,e2)
2011 | 10011 Other
2012 | 10012 Cause-Effect(e2,e1)
2013 | 10013 Member-Collection(e2,e1)
2014 | 10014 Entity-Destination(e1,e2)
2015 | 10015 Other
2016 | 10016 Content-Container(e1,e2)
2017 | 10017 Entity-Destination(e1,e2)
2018 | 10018 Entity-Origin(e1,e2)
2019 | 10019 Other
2020 | 10020 Entity-Destination(e1,e2)
2021 | 10021 Other
2022 | 10022 Other
2023 | 10023 Message-Topic(e1,e2)
2024 | 10024 Message-Topic(e1,e2)
2025 | 10025 Other
2026 | 10026 Instrument-Agency(e2,e1)
2027 | 10027 Entity-Destination(e1,e2)
2028 | 10028 Message-Topic(e1,e2)
2029 | 10029 Member-Collection(e2,e1)
2030 | 10030 Other
2031 | 10031 Member-Collection(e2,e1)
2032 | 10032 Member-Collection(e2,e1)
2033 | 10033 Other
2034 | 10034 Content-Container(e1,e2)
2035 | 10035 Component-Whole(e2,e1)
2036 | 10036 Other
2037 | 10037 Entity-Destination(e1,e2)
2038 | 10038 Cause-Effect(e2,e1)
2039 | 10039 Entity-Destination(e1,e2)
2040 | 10040 Cause-Effect(e2,e1)
2041 | 10041 Cause-Effect(e2,e1)
2042 | 10042 Message-Topic(e2,e1)
2043 | 10043 Entity-Destination(e1,e2)
2044 | 10044 Component-Whole(e2,e1)
2045 | 10045 Component-Whole(e2,e1)
2046 | 10046 Entity-Destination(e1,e2)
2047 | 10047 Cause-Effect(e1,e2)
2048 | 10048 Instrument-Agency(e2,e1)
2049 | 10049 Message-Topic(e1,e2)
2050 | 10050 Content-Container(e2,e1)
2051 | 10051 Component-Whole(e2,e1)
2052 | 10052 Member-Collection(e2,e1)
2053 | 10053 Content-Container(e1,e2)
2054 | 10054 Cause-Effect(e2,e1)
2055 | 10055 Entity-Destination(e1,e2)
2056 | 10056 Entity-Destination(e1,e2)
2057 | 10057 Instrument-Agency(e2,e1)
2058 | 10058 Member-Collection(e1,e2)
2059 | 10059 Cause-Effect(e2,e1)
2060 | 10060 Other
2061 | 10061 Other
2062 | 10062 Content-Container(e1,e2)
2063 | 10063 Component-Whole(e2,e1)
2064 | 10064 Cause-Effect(e1,e2)
2065 | 10065 Content-Container(e1,e2)
2066 | 10066 Other
2067 | 10067 Entity-Origin(e1,e2)
2068 | 10068 Entity-Destination(e1,e2)
2069 | 10069 Other
2070 | 10070 Component-Whole(e1,e2)
2071 | 10071 Entity-Origin(e1,e2)
2072 | 10072 Content-Container(e2,e1)
2073 | 10073 Other
2074 | 10074 Entity-Origin(e1,e2)
2075 | 10075 Entity-Origin(e1,e2)
2076 | 10076 Product-Producer(e1,e2)
2077 | 10077 Entity-Destination(e1,e2)
2078 | 10078 Entity-Destination(e1,e2)
2079 | 10079 Product-Producer(e2,e1)
2080 | 10080 Entity-Origin(e2,e1)
2081 | 10081 Entity-Destination(e1,e2)
2082 | 10082 Entity-Origin(e1,e2)
2083 | 10083 Component-Whole(e1,e2)
2084 | 10084 Entity-Origin(e1,e2)
2085 | 10085 Entity-Destination(e1,e2)
2086 | 10086 Cause-Effect(e1,e2)
2087 | 10087 Entity-Destination(e1,e2)
2088 | 10088 Instrument-Agency(e2,e1)
2089 | 10089 Product-Producer(e2,e1)
2090 | 10090 Cause-Effect(e1,e2)
2091 | 10091 Entity-Origin(e2,e1)
2092 | 10092 Entity-Origin(e1,e2)
2093 | 10093 Other
2094 | 10094 Content-Container(e1,e2)
2095 | 10095 Entity-Destination(e1,e2)
2096 | 10096 Component-Whole(e2,e1)
2097 | 10097 Other
2098 | 10098 Message-Topic(e1,e2)
2099 | 10099 Entity-Destination(e1,e2)
2100 | 10100 Entity-Destination(e1,e2)
2101 | 10101 Entity-Origin(e2,e1)
2102 | 10102 Cause-Effect(e1,e2)
2103 | 10103 Message-Topic(e1,e2)
2104 | 10104 Member-Collection(e2,e1)
2105 | 10105 Member-Collection(e2,e1)
2106 | 10106 Component-Whole(e2,e1)
2107 | 10107 Content-Container(e1,e2)
2108 | 10108 Message-Topic(e1,e2)
2109 | 10109 Other
2110 | 10110 Message-Topic(e1,e2)
2111 | 10111 Other
2112 | 10112 Other
2113 | 10113 Product-Producer(e2,e1)
2114 | 10114 Message-Topic(e2,e1)
2115 | 10115 Message-Topic(e1,e2)
2116 | 10116 Entity-Origin(e2,e1)
2117 | 10117 Product-Producer(e2,e1)
2118 | 10118 Cause-Effect(e1,e2)
2119 | 10119 Member-Collection(e2,e1)
2120 | 10120 Component-Whole(e2,e1)
2121 | 10121 Entity-Destination(e1,e2)
2122 | 10122 Entity-Origin(e1,e2)
2123 | 10123 Message-Topic(e1,e2)
2124 | 10124 Other
2125 | 10125 Other
2126 | 10126 Member-Collection(e2,e1)
2127 | 10127 Other
2128 | 10128 Instrument-Agency(e1,e2)
2129 | 10129 Other
2130 | 10130 Other
2131 | 10131 Product-Producer(e1,e2)
2132 | 10132 Component-Whole(e2,e1)
2133 | 10133 Instrument-Agency(e2,e1)
2134 | 10134 Cause-Effect(e2,e1)
2135 | 10135 Component-Whole(e2,e1)
2136 | 10136 Entity-Origin(e1,e2)
2137 | 10137 Message-Topic(e1,e2)
2138 | 10138 Entity-Origin(e1,e2)
2139 | 10139 Entity-Origin(e1,e2)
2140 | 10140 Product-Producer(e2,e1)
2141 | 10141 Other
2142 | 10142 Product-Producer(e2,e1)
2143 | 10143 Other
2144 | 10144 Instrument-Agency(e2,e1)
2145 | 10145 Instrument-Agency(e1,e2)
2146 | 10146 Product-Producer(e1,e2)
2147 | 10147 Component-Whole(e2,e1)
2148 | 10148 Product-Producer(e2,e1)
2149 | 10149 Instrument-Agency(e2,e1)
2150 | 10150 Component-Whole(e1,e2)
2151 | 10151 Product-Producer(e2,e1)
2152 | 10152 Instrument-Agency(e1,e2)
2153 | 10153 Product-Producer(e2,e1)
2154 | 10154 Member-Collection(e2,e1)
2155 | 10155 Message-Topic(e1,e2)
2156 | 10156 Cause-Effect(e1,e2)
2157 | 10157 Component-Whole(e1,e2)
2158 | 10158 Entity-Destination(e1,e2)
2159 | 10159 Other
2160 | 10160 Other
2161 | 10161 Component-Whole(e1,e2)
2162 | 10162 Entity-Origin(e1,e2)
2163 | 10163 Entity-Origin(e2,e1)
2164 | 10164 Entity-Origin(e1,e2)
2165 | 10165 Entity-Destination(e1,e2)
2166 | 10166 Component-Whole(e1,e2)
2167 | 10167 Entity-Origin(e1,e2)
2168 | 10168 Content-Container(e1,e2)
2169 | 10169 Member-Collection(e2,e1)
2170 | 10170 Entity-Origin(e1,e2)
2171 | 10171 Content-Container(e2,e1)
2172 | 10172 Message-Topic(e2,e1)
2173 | 10173 Other
2174 | 10174 Member-Collection(e2,e1)
2175 | 10175 Entity-Destination(e1,e2)
2176 | 10176 Product-Producer(e2,e1)
2177 | 10177 Cause-Effect(e2,e1)
2178 | 10178 Entity-Destination(e1,e2)
2179 | 10179 Product-Producer(e1,e2)
2180 | 10180 Instrument-Agency(e2,e1)
2181 | 10181 Other
2182 | 10182 Cause-Effect(e2,e1)
2183 | 10183 Message-Topic(e1,e2)
2184 | 10184 Entity-Destination(e1,e2)
2185 | 10185 Entity-Origin(e1,e2)
2186 | 10186 Other
2187 | 10187 Entity-Destination(e1,e2)
2188 | 10188 Other
2189 | 10189 Message-Topic(e1,e2)
2190 | 10190 Product-Producer(e1,e2)
2191 | 10191 Entity-Destination(e1,e2)
2192 | 10192 Product-Producer(e2,e1)
2193 | 10193 Component-Whole(e1,e2)
2194 | 10194 Entity-Origin(e1,e2)
2195 | 10195 Instrument-Agency(e2,e1)
2196 | 10196 Other
2197 | 10197 Product-Producer(e1,e2)
2198 | 10198 Entity-Origin(e1,e2)
2199 | 10199 Entity-Origin(e1,e2)
2200 | 10200 Entity-Origin(e1,e2)
2201 | 10201 Instrument-Agency(e2,e1)
2202 | 10202 Entity-Destination(e1,e2)
2203 | 10203 Instrument-Agency(e2,e1)
2204 | 10204 Message-Topic(e1,e2)
2205 | 10205 Product-Producer(e2,e1)
2206 | 10206 Product-Producer(e2,e1)
2207 | 10207 Entity-Destination(e1,e2)
2208 | 10208 Component-Whole(e1,e2)
2209 | 10209 Cause-Effect(e2,e1)
2210 | 10210 Component-Whole(e2,e1)
2211 | 10211 Message-Topic(e1,e2)
2212 | 10212 Component-Whole(e1,e2)
2213 | 10213 Other
2214 | 10214 Component-Whole(e1,e2)
2215 | 10215 Entity-Origin(e1,e2)
2216 | 10216 Message-Topic(e1,e2)
2217 | 10217 Other
2218 | 10218 Entity-Origin(e2,e1)
2219 | 10219 Content-Container(e1,e2)
2220 | 10220 Message-Topic(e1,e2)
2221 | 10221 Entity-Origin(e1,e2)
2222 | 10222 Entity-Origin(e1,e2)
2223 | 10223 Member-Collection(e2,e1)
2224 | 10224 Product-Producer(e2,e1)
2225 | 10225 Member-Collection(e2,e1)
2226 | 10226 Entity-Destination(e1,e2)
2227 | 10227 Content-Container(e1,e2)
2228 | 10228 Cause-Effect(e2,e1)
2229 | 10229 Member-Collection(e1,e2)
2230 | 10230 Cause-Effect(e2,e1)
2231 | 10231 Entity-Destination(e1,e2)
2232 | 10232 Content-Container(e1,e2)
2233 | 10233 Other
2234 | 10234 Product-Producer(e2,e1)
2235 | 10235 Instrument-Agency(e2,e1)
2236 | 10236 Message-Topic(e1,e2)
2237 | 10237 Product-Producer(e2,e1)
2238 | 10238 Member-Collection(e2,e1)
2239 | 10239 Member-Collection(e2,e1)
2240 | 10240 Entity-Destination(e1,e2)
2241 | 10241 Instrument-Agency(e2,e1)
2242 | 10242 Message-Topic(e2,e1)
2243 | 10243 Instrument-Agency(e2,e1)
2244 | 10244 Other
2245 | 10245 Entity-Destination(e1,e2)
2246 | 10246 Cause-Effect(e2,e1)
2247 | 10247 Message-Topic(e1,e2)
2248 | 10248 Content-Container(e2,e1)
2249 | 10249 Instrument-Agency(e2,e1)
2250 | 10250 Product-Producer(e1,e2)
2251 | 10251 Other
2252 | 10252 Instrument-Agency(e2,e1)
2253 | 10253 Message-Topic(e1,e2)
2254 | 10254 Cause-Effect(e2,e1)
2255 | 10255 Entity-Destination(e1,e2)
2256 | 10256 Content-Container(e2,e1)
2257 | 10257 Cause-Effect(e1,e2)
2258 | 10258 Cause-Effect(e2,e1)
2259 | 10259 Message-Topic(e2,e1)
2260 | 10260 Entity-Origin(e1,e2)
2261 | 10261 Other
2262 | 10262 Other
2263 | 10263 Entity-Destination(e1,e2)
2264 | 10264 Component-Whole(e2,e1)
2265 | 10265 Message-Topic(e1,e2)
2266 | 10266 Product-Producer(e2,e1)
2267 | 10267 Cause-Effect(e1,e2)
2268 | 10268 Member-Collection(e2,e1)
2269 | 10269 Message-Topic(e1,e2)
2270 | 10270 Product-Producer(e2,e1)
2271 | 10271 Entity-Origin(e1,e2)
2272 | 10272 Component-Whole(e1,e2)
2273 | 10273 Entity-Origin(e1,e2)
2274 | 10274 Component-Whole(e2,e1)
2275 | 10275 Cause-Effect(e1,e2)
2276 | 10276 Entity-Destination(e1,e2)
2277 | 10277 Component-Whole(e1,e2)
2278 | 10278 Product-Producer(e1,e2)
2279 | 10279 Cause-Effect(e2,e1)
2280 | 10280 Entity-Destination(e1,e2)
2281 | 10281 Cause-Effect(e2,e1)
2282 | 10282 Other
2283 | 10283 Entity-Origin(e2,e1)
2284 | 10284 Entity-Destination(e1,e2)
2285 | 10285 Cause-Effect(e2,e1)
2286 | 10286 Content-Container(e1,e2)
2287 | 10287 Content-Container(e1,e2)
2288 | 10288 Component-Whole(e2,e1)
2289 | 10289 Member-Collection(e2,e1)
2290 | 10290 Content-Container(e1,e2)
2291 | 10291 Other
2292 | 10292 Message-Topic(e1,e2)
2293 | 10293 Entity-Destination(e1,e2)
2294 | 10294 Instrument-Agency(e1,e2)
2295 | 10295 Message-Topic(e2,e1)
2296 | 10296 Cause-Effect(e2,e1)
2297 | 10297 Entity-Origin(e1,e2)
2298 | 10298 Entity-Origin(e2,e1)
2299 | 10299 Entity-Origin(e1,e2)
2300 | 10300 Other
2301 | 10301 Member-Collection(e2,e1)
2302 | 10302 Message-Topic(e1,e2)
2303 | 10303 Entity-Destination(e1,e2)
2304 | 10304 Instrument-Agency(e2,e1)
2305 | 10305 Component-Whole(e1,e2)
2306 | 10306 Component-Whole(e2,e1)
2307 | 10307 Component-Whole(e1,e2)
2308 | 10308 Other
2309 | 10309 Message-Topic(e1,e2)
2310 | 10310 Message-Topic(e1,e2)
2311 | 10311 Component-Whole(e2,e1)
2312 | 10312 Content-Container(e2,e1)
2313 | 10313 Product-Producer(e1,e2)
2314 | 10314 Content-Container(e1,e2)
2315 | 10315 Component-Whole(e1,e2)
2316 | 10316 Content-Container(e1,e2)
2317 | 10317 Other
2318 | 10318 Other
2319 | 10319 Member-Collection(e2,e1)
2320 | 10320 Instrument-Agency(e2,e1)
2321 | 10321 Entity-Destination(e1,e2)
2322 | 10322 Component-Whole(e1,e2)
2323 | 10323 Other
2324 | 10324 Message-Topic(e1,e2)
2325 | 10325 Content-Container(e1,e2)
2326 | 10326 Other
2327 | 10327 Content-Container(e1,e2)
2328 | 10328 Product-Producer(e1,e2)
2329 | 10329 Instrument-Agency(e2,e1)
2330 | 10330 Entity-Destination(e1,e2)
2331 | 10331 Instrument-Agency(e2,e1)
2332 | 10332 Content-Container(e1,e2)
2333 | 10333 Other
2334 | 10334 Other
2335 | 10335 Cause-Effect(e2,e1)
2336 | 10336 Entity-Origin(e1,e2)
2337 | 10337 Content-Container(e1,e2)
2338 | 10338 Entity-Origin(e1,e2)
2339 | 10339 Other
2340 | 10340 Entity-Origin(e1,e2)
2341 | 10341 Other
2342 | 10342 Entity-Destination(e1,e2)
2343 | 10343 Instrument-Agency(e2,e1)
2344 | 10344 Cause-Effect(e2,e1)
2345 | 10345 Component-Whole(e2,e1)
2346 | 10346 Instrument-Agency(e2,e1)
2347 | 10347 Content-Container(e2,e1)
2348 | 10348 Entity-Destination(e1,e2)
2349 | 10349 Member-Collection(e2,e1)
2350 | 10350 Cause-Effect(e1,e2)
2351 | 10351 Entity-Destination(e1,e2)
2352 | 10352 Message-Topic(e2,e1)
2353 | 10353 Product-Producer(e2,e1)
2354 | 10354 Entity-Destination(e1,e2)
2355 | 10355 Content-Container(e1,e2)
2356 | 10356 Entity-Origin(e1,e2)
2357 | 10357 Entity-Origin(e1,e2)
2358 | 10358 Component-Whole(e1,e2)
2359 | 10359 Other
2360 | 10360 Message-Topic(e1,e2)
2361 | 10361 Instrument-Agency(e1,e2)
2362 | 10362 Entity-Destination(e1,e2)
2363 | 10363 Entity-Destination(e1,e2)
2364 | 10364 Product-Producer(e2,e1)
2365 | 10365 Message-Topic(e1,e2)
2366 | 10366 Member-Collection(e2,e1)
2367 | 10367 Product-Producer(e2,e1)
2368 | 10368 Instrument-Agency(e2,e1)
2369 | 10369 Instrument-Agency(e2,e1)
2370 | 10370 Other
2371 | 10371 Product-Producer(e1,e2)
2372 | 10372 Product-Producer(e1,e2)
2373 | 10373 Cause-Effect(e1,e2)
2374 | 10374 Content-Container(e1,e2)
2375 | 10375 Member-Collection(e2,e1)
2376 | 10376 Entity-Destination(e1,e2)
2377 | 10377 Message-Topic(e1,e2)
2378 | 10378 Entity-Origin(e2,e1)
2379 | 10379 Cause-Effect(e1,e2)
2380 | 10380 Component-Whole(e2,e1)
2381 | 10381 Message-Topic(e1,e2)
2382 | 10382 Cause-Effect(e2,e1)
2383 | 10383 Cause-Effect(e1,e2)
2384 | 10384 Entity-Origin(e1,e2)
2385 | 10385 Instrument-Agency(e2,e1)
2386 | 10386 Component-Whole(e2,e1)
2387 | 10387 Component-Whole(e2,e1)
2388 | 10388 Product-Producer(e1,e2)
2389 | 10389 Component-Whole(e1,e2)
2390 | 10390 Other
2391 | 10391 Instrument-Agency(e2,e1)
2392 | 10392 Message-Topic(e1,e2)
2393 | 10393 Entity-Origin(e1,e2)
2394 | 10394 Other
2395 | 10395 Message-Topic(e1,e2)
2396 | 10396 Cause-Effect(e2,e1)
2397 | 10397 Entity-Origin(e1,e2)
2398 | 10398 Cause-Effect(e1,e2)
2399 | 10399 Entity-Destination(e1,e2)
2400 | 10400 Component-Whole(e1,e2)
2401 | 10401 Member-Collection(e2,e1)
2402 | 10402 Other
2403 | 10403 Entity-Origin(e1,e2)
2404 | 10404 Member-Collection(e2,e1)
2405 | 10405 Entity-Destination(e1,e2)
2406 | 10406 Other
2407 | 10407 Product-Producer(e2,e1)
2408 | 10408 Member-Collection(e2,e1)
2409 | 10409 Product-Producer(e1,e2)
2410 | 10410 Other
2411 | 10411 Other
2412 | 10412 Product-Producer(e2,e1)
2413 | 10413 Entity-Destination(e1,e2)
2414 | 10414 Message-Topic(e2,e1)
2415 | 10415 Entity-Destination(e1,e2)
2416 | 10416 Member-Collection(e2,e1)
2417 | 10417 Cause-Effect(e2,e1)
2418 | 10418 Entity-Destination(e1,e2)
2419 | 10419 Cause-Effect(e2,e1)
2420 | 10420 Other
2421 | 10421 Entity-Destination(e1,e2)
2422 | 10422 Message-Topic(e1,e2)
2423 | 10423 Entity-Origin(e1,e2)
2424 | 10424 Instrument-Agency(e2,e1)
2425 | 10425 Cause-Effect(e2,e1)
2426 | 10426 Cause-Effect(e2,e1)
2427 | 10427 Other
2428 | 10428 Component-Whole(e1,e2)
2429 | 10429 Message-Topic(e1,e2)
2430 | 10430 Member-Collection(e2,e1)
2431 | 10431 Content-Container(e1,e2)
2432 | 10432 Content-Container(e1,e2)
2433 | 10433 Component-Whole(e2,e1)
2434 | 10434 Cause-Effect(e1,e2)
2435 | 10435 Component-Whole(e1,e2)
2436 | 10436 Entity-Destination(e1,e2)
2437 | 10437 Message-Topic(e1,e2)
2438 | 10438 Other
2439 | 10439 Other
2440 | 10440 Product-Producer(e1,e2)
2441 | 10441 Member-Collection(e1,e2)
2442 | 10442 Entity-Destination(e1,e2)
2443 | 10443 Content-Container(e1,e2)
2444 | 10444 Instrument-Agency(e2,e1)
2445 | 10445 Content-Container(e1,e2)
2446 | 10446 Entity-Destination(e1,e2)
2447 | 10447 Other
2448 | 10448 Product-Producer(e1,e2)
2449 | 10449 Member-Collection(e2,e1)
2450 | 10450 Other
2451 | 10451 Component-Whole(e2,e1)
2452 | 10452 Other
2453 | 10453 Entity-Destination(e1,e2)
2454 | 10454 Message-Topic(e1,e2)
2455 | 10455 Product-Producer(e1,e2)
2456 | 10456 Entity-Destination(e1,e2)
2457 | 10457 Message-Topic(e1,e2)
2458 | 10458 Other
2459 | 10459 Other
2460 | 10460 Component-Whole(e2,e1)
2461 | 10461 Product-Producer(e2,e1)
2462 | 10462 Content-Container(e1,e2)
2463 | 10463 Entity-Destination(e1,e2)
2464 | 10464 Product-Producer(e2,e1)
2465 | 10465 Message-Topic(e1,e2)
2466 | 10466 Cause-Effect(e2,e1)
2467 | 10467 Entity-Destination(e1,e2)
2468 | 10468 Cause-Effect(e1,e2)
2469 | 10469 Component-Whole(e1,e2)
2470 | 10470 Content-Container(e1,e2)
2471 | 10471 Entity-Origin(e1,e2)
2472 | 10472 Message-Topic(e1,e2)
2473 | 10473 Product-Producer(e1,e2)
2474 | 10474 Entity-Origin(e1,e2)
2475 | 10475 Member-Collection(e2,e1)
2476 | 10476 Content-Container(e1,e2)
2477 | 10477 Content-Container(e1,e2)
2478 | 10478 Entity-Destination(e1,e2)
2479 | 10479 Content-Container(e1,e2)
2480 | 10480 Entity-Origin(e2,e1)
2481 | 10481 Cause-Effect(e2,e1)
2482 | 10482 Product-Producer(e1,e2)
2483 | 10483 Component-Whole(e1,e2)
2484 | 10484 Component-Whole(e1,e2)
2485 | 10485 Other
2486 | 10486 Message-Topic(e1,e2)
2487 | 10487 Other
2488 | 10488 Entity-Destination(e1,e2)
2489 | 10489 Component-Whole(e2,e1)
2490 | 10490 Entity-Origin(e2,e1)
2491 | 10491 Instrument-Agency(e2,e1)
2492 | 10492 Other
2493 | 10493 Cause-Effect(e1,e2)
2494 | 10494 Other
2495 | 10495 Content-Container(e2,e1)
2496 | 10496 Product-Producer(e2,e1)
2497 | 10497 Component-Whole(e2,e1)
2498 | 10498 Content-Container(e2,e1)
2499 | 10499 Other
2500 | 10500 Cause-Effect(e2,e1)
2501 | 10501 Cause-Effect(e2,e1)
2502 | 10502 Component-Whole(e1,e2)
2503 | 10503 Component-Whole(e1,e2)
2504 | 10504 Cause-Effect(e1,e2)
2505 | 10505 Cause-Effect(e1,e2)
2506 | 10506 Instrument-Agency(e2,e1)
2507 | 10507 Entity-Origin(e2,e1)
2508 | 10508 Product-Producer(e1,e2)
2509 | 10509 Entity-Destination(e1,e2)
2510 | 10510 Component-Whole(e1,e2)
2511 | 10511 Product-Producer(e1,e2)
2512 | 10512 Other
2513 | 10513 Other
2514 | 10514 Entity-Origin(e1,e2)
2515 | 10515 Member-Collection(e2,e1)
2516 | 10516 Product-Producer(e2,e1)
2517 | 10517 Other
2518 | 10518 Message-Topic(e1,e2)
2519 | 10519 Entity-Destination(e1,e2)
2520 | 10520 Member-Collection(e2,e1)
2521 | 10521 Other
2522 | 10522 Other
2523 | 10523 Cause-Effect(e2,e1)
2524 | 10524 Cause-Effect(e2,e1)
2525 | 10525 Member-Collection(e2,e1)
2526 | 10526 Component-Whole(e1,e2)
2527 | 10527 Member-Collection(e2,e1)
2528 | 10528 Cause-Effect(e2,e1)
2529 | 10529 Component-Whole(e1,e2)
2530 | 10530 Content-Container(e1,e2)
2531 | 10531 Message-Topic(e2,e1)
2532 | 10532 Entity-Origin(e1,e2)
2533 | 10533 Message-Topic(e1,e2)
2534 | 10534 Other
2535 | 10535 Message-Topic(e1,e2)
2536 | 10536 Component-Whole(e1,e2)
2537 | 10537 Product-Producer(e2,e1)
2538 | 10538 Entity-Origin(e1,e2)
2539 | 10539 Product-Producer(e1,e2)
2540 | 10540 Entity-Destination(e1,e2)
2541 | 10541 Entity-Origin(e1,e2)
2542 | 10542 Component-Whole(e2,e1)
2543 | 10543 Entity-Origin(e1,e2)
2544 | 10544 Cause-Effect(e1,e2)
2545 | 10545 Cause-Effect(e2,e1)
2546 | 10546 Other
2547 | 10547 Component-Whole(e2,e1)
2548 | 10548 Component-Whole(e1,e2)
2549 | 10549 Product-Producer(e1,e2)
2550 | 10550 Instrument-Agency(e2,e1)
2551 | 10551 Cause-Effect(e2,e1)
2552 | 10552 Cause-Effect(e1,e2)
2553 | 10553 Product-Producer(e2,e1)
2554 | 10554 Product-Producer(e2,e1)
2555 | 10555 Content-Container(e1,e2)
2556 | 10556 Component-Whole(e2,e1)
2557 | 10557 Entity-Destination(e1,e2)
2558 | 10558 Message-Topic(e1,e2)
2559 | 10559 Entity-Destination(e1,e2)
2560 | 10560 Member-Collection(e2,e1)
2561 | 10561 Other
2562 | 10562 Other
2563 | 10563 Product-Producer(e2,e1)
2564 | 10564 Entity-Destination(e1,e2)
2565 | 10565 Product-Producer(e1,e2)
2566 | 10566 Entity-Destination(e1,e2)
2567 | 10567 Other
2568 | 10568 Other
2569 | 10569 Product-Producer(e1,e2)
2570 | 10570 Message-Topic(e1,e2)
2571 | 10571 Other
2572 | 10572 Other
2573 | 10573 Entity-Origin(e1,e2)
2574 | 10574 Other
2575 | 10575 Content-Container(e1,e2)
2576 | 10576 Product-Producer(e2,e1)
2577 | 10577 Cause-Effect(e1,e2)
2578 | 10578 Cause-Effect(e2,e1)
2579 | 10579 Content-Container(e1,e2)
2580 | 10580 Member-Collection(e2,e1)
2581 | 10581 Component-Whole(e2,e1)
2582 | 10582 Member-Collection(e2,e1)
2583 | 10583 Instrument-Agency(e2,e1)
2584 | 10584 Cause-Effect(e1,e2)
2585 | 10585 Product-Producer(e1,e2)
2586 | 10586 Component-Whole(e1,e2)
2587 | 10587 Entity-Origin(e2,e1)
2588 | 10588 Member-Collection(e2,e1)
2589 | 10589 Other
2590 | 10590 Entity-Destination(e1,e2)
2591 | 10591 Component-Whole(e2,e1)
2592 | 10592 Component-Whole(e1,e2)
2593 | 10593 Other
2594 | 10594 Entity-Origin(e1,e2)
2595 | 10595 Other
2596 | 10596 Message-Topic(e1,e2)
2597 | 10597 Cause-Effect(e1,e2)
2598 | 10598 Other
2599 | 10599 Cause-Effect(e2,e1)
2600 | 10600 Product-Producer(e1,e2)
2601 | 10601 Other
2602 | 10602 Entity-Destination(e1,e2)
2603 | 10603 Other
2604 | 10604 Component-Whole(e2,e1)
2605 | 10605 Cause-Effect(e1,e2)
2606 | 10606 Cause-Effect(e1,e2)
2607 | 10607 Component-Whole(e2,e1)
2608 | 10608 Entity-Origin(e1,e2)
2609 | 10609 Instrument-Agency(e2,e1)
2610 | 10610 Other
2611 | 10611 Entity-Destination(e1,e2)
2612 | 10612 Other
2613 | 10613 Entity-Destination(e1,e2)
2614 | 10614 Cause-Effect(e2,e1)
2615 | 10615 Other
2616 | 10616 Message-Topic(e1,e2)
2617 | 10617 Entity-Destination(e1,e2)
2618 | 10618 Product-Producer(e2,e1)
2619 | 10619 Entity-Origin(e1,e2)
2620 | 10620 Other
2621 | 10621 Other
2622 | 10622 Cause-Effect(e1,e2)
2623 | 10623 Entity-Origin(e1,e2)
2624 | 10624 Content-Container(e1,e2)
2625 | 10625 Member-Collection(e2,e1)
2626 | 10626 Component-Whole(e2,e1)
2627 | 10627 Cause-Effect(e2,e1)
2628 | 10628 Message-Topic(e1,e2)
2629 | 10629 Cause-Effect(e1,e2)
2630 | 10630 Other
2631 | 10631 Content-Container(e1,e2)
2632 | 10632 Entity-Destination(e1,e2)
2633 | 10633 Entity-Destination(e1,e2)
2634 | 10634 Member-Collection(e2,e1)
2635 | 10635 Content-Container(e1,e2)
2636 | 10636 Content-Container(e1,e2)
2637 | 10637 Cause-Effect(e2,e1)
2638 | 10638 Other
2639 | 10639 Cause-Effect(e2,e1)
2640 | 10640 Component-Whole(e1,e2)
2641 | 10641 Cause-Effect(e2,e1)
2642 | 10642 Cause-Effect(e1,e2)
2643 | 10643 Cause-Effect(e2,e1)
2644 | 10644 Entity-Origin(e1,e2)
2645 | 10645 Cause-Effect(e2,e1)
2646 | 10646 Cause-Effect(e2,e1)
2647 | 10647 Message-Topic(e2,e1)
2648 | 10648 Product-Producer(e1,e2)
2649 | 10649 Entity-Origin(e1,e2)
2650 | 10650 Cause-Effect(e2,e1)
2651 | 10651 Member-Collection(e2,e1)
2652 | 10652 Other
2653 | 10653 Message-Topic(e1,e2)
2654 | 10654 Other
2655 | 10655 Content-Container(e1,e2)
2656 | 10656 Entity-Origin(e1,e2)
2657 | 10657 Component-Whole(e1,e2)
2658 | 10658 Message-Topic(e1,e2)
2659 | 10659 Member-Collection(e1,e2)
2660 | 10660 Message-Topic(e1,e2)
2661 | 10661 Product-Producer(e2,e1)
2662 | 10662 Content-Container(e2,e1)
2663 | 10663 Content-Container(e1,e2)
2664 | 10664 Other
2665 | 10665 Component-Whole(e2,e1)
2666 | 10666 Entity-Origin(e1,e2)
2667 | 10667 Other
2668 | 10668 Member-Collection(e2,e1)
2669 | 10669 Message-Topic(e1,e2)
2670 | 10670 Content-Container(e1,e2)
2671 | 10671 Other
2672 | 10672 Other
2673 | 10673 Product-Producer(e1,e2)
2674 | 10674 Other
2675 | 10675 Entity-Destination(e1,e2)
2676 | 10676 Component-Whole(e2,e1)
2677 | 10677 Message-Topic(e2,e1)
2678 | 10678 Other
2679 | 10679 Product-Producer(e1,e2)
2680 | 10680 Instrument-Agency(e2,e1)
2681 | 10681 Entity-Destination(e1,e2)
2682 | 10682 Other
2683 | 10683 Entity-Destination(e1,e2)
2684 | 10684 Entity-Origin(e1,e2)
2685 | 10685 Product-Producer(e2,e1)
2686 | 10686 Component-Whole(e1,e2)
2687 | 10687 Other
2688 | 10688 Entity-Destination(e1,e2)
2689 | 10689 Component-Whole(e2,e1)
2690 | 10690 Entity-Origin(e1,e2)
2691 | 10691 Entity-Origin(e1,e2)
2692 | 10692 Cause-Effect(e1,e2)
2693 | 10693 Content-Container(e1,e2)
2694 | 10694 Entity-Destination(e1,e2)
2695 | 10695 Message-Topic(e2,e1)
2696 | 10696 Instrument-Agency(e2,e1)
2697 | 10697 Message-Topic(e1,e2)
2698 | 10698 Other
2699 | 10699 Message-Topic(e2,e1)
2700 | 10700 Member-Collection(e2,e1)
2701 | 10701 Entity-Destination(e1,e2)
2702 | 10702 Instrument-Agency(e2,e1)
2703 | 10703 Cause-Effect(e1,e2)
2704 | 10704 Cause-Effect(e2,e1)
2705 | 10705 Entity-Destination(e1,e2)
2706 | 10706 Other
2707 | 10707 Component-Whole(e2,e1)
2708 | 10708 Entity-Destination(e1,e2)
2709 | 10709 Other
2710 | 10710 Member-Collection(e2,e1)
2711 | 10711 Entity-Origin(e1,e2)
2712 | 10712 Entity-Origin(e1,e2)
2713 | 10713 Instrument-Agency(e2,e1)
2714 | 10714 Product-Producer(e1,e2)
2715 | 10715 Component-Whole(e2,e1)
2716 | 10716 Product-Producer(e1,e2)
2717 | 10717 Entity-Destination(e2,e1)
2718 |
--------------------------------------------------------------------------------